人工蜂群算法及其在语音识别中的应用研究
详细信息    本馆镜像全文|  推荐本文 |  |   获取CNKI官网全文
摘要
群智能优化算法是受自然界中群居生物生活习性的启发而提出用来解决复杂优化问题的算法,目前己成为解决优化问题的研究热点。人工蜂群算法就是受蜜蜂采蜜行为的启发而提出的一种新型群智能优化算法。人工蜂群算法由于在寻优过程中能很好地兼顾食物源的开采和探测过程,能在一定程度上跳出局部最优,以较大的概率找到全局最优解,因而深受广大学者的关注
     语音识别技术是实现人与计算机能很好交流的关键技术,而语音识别模型是语音识别的重要模块,因此如何使识别模型更优是语音识别领域的重点课题。本文在对人工蜂群算法的性能分析和理论研究的基础上,提出了两种改进的人工蜂群算法,并探讨了人工蜂群算法在语音识别模型中的应用,识别结果显示了人工蜂群算法及改进的人工蜂群算法良好的性能。本文的主要内容和创新性成果如下:
     (1)阐述了人工蜂群算法的产生背景及研究现状,深入研究了人工蜂群算法的产生机理,分析了人工蜂群算法与其他智能优化算法的共性和特性及算法的时间复杂度,用标准函数测试了人工蜂群算法的优化性能。
     (2)对人工蜂群算法进行了理论研究。对人工蜂及人工蜂群的状态及状态空间进行了严格的数学定义,给出了人工蜂群的一步转移概率,证明了人工蜂群状态转移过程是有限齐次的Markov链。根据随机优化的收敛准则,分析了人工蜂群算法的全局收敛性。利用鞅定义和下鞅收敛定理,分析了人工蜂群算法搜索过程中适应度的变化过程实质上是一个下鞅随机过程,证明了算法的处处收敛性。
     (3)针对人工蜂群算法易早熟和收敛速度慢等缺陷,本文从两个角度出发提出了两种改进的人工蜂群算法。①混沌时变人工蜂群算法。采用了混沌映射初始化种群来增加种群的遍历性,在跟随蜂搜索方程中加入时变参数因子,使跟随蜂在搜索过程中根据迭代次数的变化不断改变其搜索空间,加快搜索效率,同时为了使算法能更好的跳出局部最优,在侦查蜂搜索阶段引入混沌搜索。②排序分裂选择的人工蜂群算法。跟随蜂选择食物源时先依据排序选择策略对适应度值排序,然后把排列序号按分裂选择的思想计算选择概率,在维持种群多样性的同时,提高了搜索精度。
     (4)针对离散隐马尔可夫(DHMM)孤立词语音识别系统中由矢量量化引起的量化误差造成识别率低的问题,在分析LBG算法的基础上,提出了人工蜂群算法和混沌时变人工蜂群算法的码书设计方法。算法中食物源代表码字,适应度函数用矢量量化的失真测度表示,算法的搜索过程就是最优码书的生成过程。将人工蜂群算法和混沌时变人工蜂群算法应用到DHMM的语音识别系统中,识别结果与粒子群初始化码书的LBG算法及LBG算法的DHMM语音识别系统的识别结果相比,显示出这种方法的可行性及CTABC算法很好的寻优能力。
     (5)为了解决模糊神经网络的传统训练算法BP算法不能很好地找到全局最优及易陷入局部极小值等问题,提出了采用人工蜂群算法和排序分裂选择的人工蜂群算法优化模糊神经网络的隶属度中心,宽度由中心周围的样本点确定,伪逆法计算模糊神经网络权值矩阵的混合优化算法。将优化后的模糊神经网络用于语音识别,识别结果与粒子群算法和BP算法优化的模糊神经网络相比,表明这种混合学习算法的有效性,同时显示出排序分裂选择的人工蜂群算法算法容易跳出局部极值,能很好地找到全局最优,且提高了模糊神经网络的鲁棒性和识别率。
     (6)由于支持向量机的核函数及参数对支持向量机的分类性能有很大的影响,因此选择好的参数优化方法对支持向量机来说是非常必要的。针对传统支持向量机参数选择方法易陷入局部极值的问题,提出了人工蜂群算法的支持向量机参数优化方法。该方法中用食物源位置表示支持向量机的惩罚因子和核参数,适应度函数用分类正确率的函数来表示,人工蜂群算法的搜索最优食物源的过程就是支持向量机寻找最优参数的过程。用优选参数后的支持向量机对三种数据库进行了语音识别,识别结果与粒子群算法优化的支持向量机进行比较,表明了人工蜂群算法是一种很好的参数寻优方法,不仅克服局部最优解、提高了语音识别率,还增强了支持向量机的鲁棒性和推广能力。
Swarm intelligent optimization algorithm is inspired by the living habits of gregarious biology, and currently it has become a hotspot to solve complex optimization problems. Artificial Bee Colony (ABC) algorithm is a new type of swarm intelligent optimization algorithm, which is inspired by the behavior of bees finding honey. In the optimization process, ABC algorithm can well balance the exploitation and detection processes of food source. It can escape from the local optima to a certain extent, and find global optimal solution with the larger probability. Thus more and more researchers pay attention to it.
     Speech recognition technology is a key technology to exchange information between people and computers. Speech recognition model is an important speech recognition module, and therefore how to make better recognition model is a key subject in the field of speech recognition. In this thesis, two improved ABC algorithms are proposed on the base of the performance analysis and theoretical study of artificial bee colony algorithm, and then the applications in speech recognition model are discussed too. The results of speech recognition show that the ABC algorithm and improved ABC algorithms have good optimization performance. The main works and innovative results of this thesis are listed as follows:
     (1) The background and research status of ABC algorithm are described. The generation mechanism of ABC algorithm is studied in depth. The commonalities and characteristics of ABC algorithm with other intelligent optimization algorithms and the time complexity of algorithm are analyzed. The optimized performances of ABC algorithm are tested by optimizing standard functions.
     (2) The theoretical research is performed on ABC algorithm. The strict mathematical definitions are given for the state and state-space of the artificial bee and artificial bee colony and one-step transition probability of artificial bee colony. The state transition process of artificial bee colony is proved to be a finite homogeneous Markov chain process. According to the convergence criteria of stochastic optimization, global convergence of artificial bee colony algorithm is analyzed. The martingale definition is used to analyze the search process of ABC algorithm where the changing process of fitness is a submartingale stochastic process. Then the everywhere strong convergence of the algorithm is proved by submartingale convergence theorem.
     (3) According to the analysis result of ABC algorithm which is prone to premature and slowly convergence speed, this paper proposed two improved method from two points of view which are Chaos time Variant Artificial Bee Colony (CTABC) and Ranking Disruptive Selection Artificial Bee Colony Algorithm (RDABC).①CTABC:Firstly chaotic map is used to initialize the population for increasing population ergodicity. Secondly the Time Variant parameters factor is joined in search equation of onlooker bees which change the search space and speed up the search efficiency according to the change of iterative times in the search process. Finally in order to make the algorithm better escape from local optima, chaotic search is applied in the scout bees search stage.②RDABC:When onlooker bees select food source, the fitness value is ranked based on the rank fitness selection strategy. Then the selected probability is calculated by rank ordinals using disruptive selection method. This selection aigorithm maintains the diversity of the population and improves search precision.
     (4)In the Discrete Hidden Markov Model (DHMM) isolated word speech recognition system, the problem of low speech recognition is caused by the quantization error of vector quantization. The paper proposes the two modified DHMM speech recognition algorithms which use ABC algorithm and CTABCalgorithm to cluster speech feature vector and generate the optimal codebook in the DHMMspeech recognition system. In ABC and CTABC algorithms, each food source indicates a codebook. The optimal codebook is obtained by using bee evolution ways to iterative initial codebook. The optimal codebook enters the DHMM to be trained and recognized. The experimental re sults show that the modified DHMM speech recognition algorithm has higher recognition ratio and better robustness.
     (5) In order to overcome the shortages that BP algorithm does not well find the global optimum and is easy to fall into local minimum values, a novel hybrid learning algorithm for fuzzy neural network(FNN) parameters is proposed, hybrid learning algorithm is that apply ABC and RDABC clustering algorithm to determine the centers of the membership function and use the sample points around centers determine the widths of the membership function and use pseudo-inverse method determine the weight between normalization layer and output layer. The FNN trained by hybrid learning algorithm is used in speech recognition system which improves the ability of generalization and self-learning of FNN and is able to determine the fuzzy rule numbers according to the vocabulary to be recognized. The experimental results show that the FNN optimized by hybrid learning for speech recognition system have faster convergence, higher recognition ratio and better robustness than FNN trained by PSO algorithm and BP algorithm.
     (6) Because of the support vector machine (SVM) kernel functions and parameters have a large impact on classification performance of SVM,the research of parameter optimization method of SVM is very necessary.In order to solve the problem of falling into local optimal solution of all the common SVM parameters selection methods, a novel SVM parameters optimization method based on ABC algorithm is proposed. In this method, food-source position is the penalty factor and kernel parameter, and fitness value is classification accuracy function of SVM. The process of ABC searching optimal food source is the process of SVM parameters selection. Compared speech recognition results with PSO algorithm, the proposed algorithm is a good parameters optimization method of SVM, which not only can overcome the local optimal solution problem and increase speech recognition ratio but also enhance robustness and generalization ability of SVM.
引文
[1]Byron S.G, Joel W. Introduction to Optimization Theory [M]. New Jersey:Englewood Cliffs,1973:1-10.
    [2]王凌.智能优化算法及其应用[M].北京:清华大学出版社,2001.
    [3]KARABOGA D, AKAY B. A survey:algorithms simulating bee swarm intelligence [J]. Artificial Intelligence Review,2009,31(14):61-85.
    [4]H.A. Abbass. Marriage in honey-bee optimization (MBO):a haplometrosis polygynous swarming approach [A]. The Congress on Evolutionary Computation [C],2001: 207-214.
    [5]Karaboga D. An Idea Based On Honey Bee Swarm For Numerical Optimization [R], Technical Report-TR06, Erciyes University, Engineering Faculty, Computer Engineering Department,2005.
    [6]吴娅辉.语音识别中区分性训练算法研究[D].北京:北京邮电大学,2009
    [7]Von Frisch K. Decoding the language of the bee. Nobel lecture, University of Munich, 1973:76-86.
    [8]Seeley.T.D. The Wisdom of the Hive[R]. Harvard University Press, Cambridge, MA, 1995.
    [9]Yang X.S. Engineering Optimizations via Nature-Inspired Virtual Bee Algorithms [J]. Lecture Notes in Computer Science,2005,3562:317.
    [10]BASTRUK B, KARABOGA D. A powerful and efficient algorithm for numeric function optimization:Artificial bee colony (ABC) algorithm [J]. Journal of Global Optimization,2007:459-471.
    [11]KARABOGA D, BASTRUK B. On the performance of artificial bee colony (ABC) algorithm [J]. Applied Soft Computing,2008, (8):687-697.
    [12]Karaboga D, Akay B. A Comparative Study of Artificial Bee Colony Algorithm [J]. Applied Mathematics and Computation,2009,214 (1):108-132
    [13]Karaboga D, Ozturk C. Neural Networks Training by Artificial Bee Colony Algorithm on Pattern Classification [J]. Neural Network World,2009,19(3):279-292.
    [14]Karaboga D, Ozturk C. A novel clustering approach:artificial bee colony (ABC) algorithm[J]. Applied Soft Computing,2011,11(1):652-657.
    [15]Karaboga D, Akay B. A modified artificial bee colony (ABC) algorithm for constrained optimization problems [J]. Applied Soft Computing,2011,11(3):3021-303.
    [16]Karaboga N. A New Design Method Based on Artificial Bee Colony Algorithm for Digital IIR filters [J]. Journal of the Franklin Institute,2009,346 (4):328-348.
    [17]Sundar S, Singh A. A swarm intelligence approach to the quadratic minimum spanning tree problem [J]. Information Sciences,2010,180(17):3182-3191.
    [18]郑伟,刘静,曾建潮-人工蜂群算法及其在组合优化中的应用研究[J].太原科技大学学报,2010,31(22):467-471.
    [19]Banharnsakun A, Achalakul T, Sirinaovakul B. The best-so-far selection in artificial bee colony algorithm [J]. Applied Soft Computing,2011,11 (2):2888-2901.
    [20]胡中华,赵敏.基于人工蜂群算法的TSP仿真[J].北京理工大学学报,2009,29(11):978-982.
    [21]胡中华,赵敏,撒鹏飞.基于人工蜂群算法的JSP仿真与研究[J].机械科学与技术,2009,28(7):851-856.
    [22]Raor V, Pawar P J. Parameter optimization of a multi-pass milling process using non-traditional optimization algorithms [J]. Applied Soft Computing,2010,10(2):445-456
    [23]肖永豪,余卫宇.基于蜂群算法的图像边缘检测[J].计算机应用研究,2010,27(7):2748-2750
    [24]S.N. Omkar, J. Senthilnath, Rahul Khandelwal, etc. Artificial Bee Colony (ABC) for multi-objective design optimization of composite structures [J]. Applied Soft Computing,2011,11:489-499.
    [25]Mousa A A, El-Shorbagy M A, Abd-El-Wahed W F. Local search based hybrid particle swarm optimization algorithm for multi-objective optimization [J]. Swarm and Evolutionary Computation,2012,3:1-14
    [26]Bahriye Akay, Dervis Karaboga. A modified Artificial Bee Colony algorithm for real-parameter optimization [J]. Information Sciences,2012,192:120-142.
    [27]于明,艾月乔.基于人工蜂群算法的支持向量机参数优化及应用[J].光电子·激光,2012,23(2):374-378.
    [28]Dervis Karaboga, Celal Ozturk, Nurhan Karaboga, etc. Artificial bee colony programming for symbolic regression [J]. Information Sciences,2012,209:1-15.
    [29]Guopu Zhu, Sam Kwong. Gbest-guided artificial bee colony algorithm for numerical function optimization [J]. Applied Mathematics and Computation,2010,217: 3166-3173.
    [30]暴励,曾建潮.自适应搜索空间的混沌蜂群算法[J].计算机应用研究,2010,27(4):1330-1334.
    [31]Karaboga Dervis, Akay Bahriye. A modified Artificial Bee Colony (ABC) algorithm for constrained optimization problems [J]. Applied Soft Computing,2011, 11:3021-3031.
    [32]胡珂,李迅波,王振林.改进的人工蜂群算法性能[J].计算机应用,2011,34(4):1107-1110.
    [33]罗钧,李研.具有混沌搜索策略的蜂群优化算法[J].控制与决策,2010,25(12):1913-1916.
    [34]赵小强,张守明.基于Boltzmann选择的人工蜂群KFCM算法[J].兰州理工大学学报,2011,37(1):71-75.
    [35]Li X, Yin M. A discrete artificial bee colony algorithm with composite mutation strategies for permutation flow shop scheduling problem [J]. Scientia Iranica,2012, 19(6):1921-1935.
    [36]Khorsandia A, Hosseiniana S.H, Ghazanfarib A. Modified artificial bee colony algorithm based on fuzzy multi-objective technique for optimal power flow problem [J]. Electric Power Systems Research,2013,95:206-213.
    [37]Hong Wei-Chiang. Electric load forecasting by seasonal recurrent SVR (support vector regression) with chaotic artificial bee colony algorithm [J]. Energy,2011,36(9): 5568-5578.
    [38]Gao Wei-feng, Liu San-yang. A modified artificial bee colony algorithm [J]. Computers & Operations Research,2012,39:687-697.
    [39]Yan Xiaohui, Zhu Yunlong, Zou Wenping. A new approach for data clustering using hybrid artificial bee colony algorithm [J]. Neurocomputing,2012,97:241-250.
    [40]K. Chandrasekaran, S. Hemamalini Sishaj, P. Simon. Thermal unit commitment using binary/real coded artificial bee colony algorithm [J]. Electric Power Systems Research,2012,84:109-119.
    [41]Hsieh Tsung-Jung, Hsiao Hsiao-Fen, Yeh Wei-Chang. Mining financial distress trend data using penalty guided support vector machines based on hybrid of particle swarm optimization and artificial bee colony algorithm [J]. Neurocomputing,2012, 82:196-206.
    [42]Mustafa ServetKiran, Eren Ozceylan, Mesut Gunduz, etc. A novel hybrid approach based on Particle Swarm Optimization and Ant Colony Algorithm to forecast energy demand of Turkey [J]. Energy Conversion and Management,2012,53:75-83.
    [43]张雪英.数字语音处理及MATLAB仿真[M].北京:电子工业出版社,2010:189.
    [44]赵力.语音信号处理(第2版)[M].北京:机械工业出版社,2009:33-36.
    [45]白静.支持向量机算法在语音识别中的应用研究[D].太原:太原理工大学,2010
    [46]韩纪庆,张磊,郑铁然.语音信号处理[M].北京:清华大学出版社,2004:48-49.
    [47]Doh-Suk Kim, Soo-Yong Lee, Rhee M Kil. Auditory Processing of Speech Signal for Robust Speech Recognition Real-Word Noisy Environments [J]. IEEE Transaction on Speech and Audio Procession,1999,7(1):55-69.
    [48]焦志平.改进的ZCPA语音识别特征提取算法研究[D].太原:太原理工大学,2005.
    [49]袁正午,肖旺辉.改进的混合MFCC语音识别算法研究[J].计算机工程与应用,2009,45(33):108-110.
    [50]唐熙曾,姜建新.矢量量化在语音识别中的应用[J].西北大学学报,1989,19(4):43-46.
    [51]陈立伟.基于HMM和ANN的汉语语音识别[D],哈尔滨:哈尔滨工程大学,2005.
    [52]张雄伟,陈亮,杨吉斌.现代语音处理技术及应用[M].北京:机械工业出版社,2007:106-107.
    [53]荣薇.基于概率神经网络的语音识别的研究[D],苏州:苏州大学,2008.
    [54]宋弘.小波神经网络在语音识别系统中的应用[J],微电子学与计算机.2010,27(4):122-125.
    [55]王鹏,张雪英.改进的模糊神经网络在语音识别中的应用[J].计算机工程与应用.2009,45(4):246-248.
    [56]Cortes C, Vapnik V. Support Vector Networks [J]. Machine Learning,1995,20(3): 273-297.
    [57]孙丽娟.基于支持向量机的高光谱图像分类技术研究[D].哈尔滨:哈尔滨工程大学,2011.
    [58]H. Duuley. The Vocoder [M]. Bell Labs Rec,1939.
    [59]孙颖.情感语音识别与合成的研究[D].太原:太原理工大学,2011.
    [60]C. G. M. Fant. Acoustic Theory of Speech Production [M]. Netherlands:The Hague, 1960.
    [61]Wang Xinmin, Huang Xintang, YaoTianren. A HMM Training Algorithm Based on Grouping Multiple observations by Multiple Correlation Coefficient [J].Journal of Central China Normal University,2003,37(3):179-182.
    [62]Silvia Faggian, Fausto Gozzi. Optimal investment models with vintage capital: DynamicProgramming approach [J]. Journal of Mathematical Economics,2008,1-34.
    [63]Mosur K. Ravishankar. Efficient algorithm for speech recognition [D]. Pittsburgh: Carnegie Mellon University,1996.
    [64]苗瑾.基于回声状态网络的非特定孤立词语音识别方法研究[D].兰州:兰州大学,2012.
    [65]Deligne Sabine, Eide Ellen, Gopinath Ramesh, etc. Low-Resource Speech Recognition of 500-Word Vocabularies [R]. New York:IBM Watson Research Center,2001.
    [66]崔毓菁.语音识别系统速度优化算法研究[D].北京:北京邮电大学,2008.
    [67]梁春燕,吴春国,时小虎等.群智能优化算法理论与应用[M].北京:科学出版社,2009.
    [68]宋胜利.混合粒子群协同优化算法及其应用研究[D].武汉:华中科技大学,2009.
    [69]Yu B, Yang Z Z, Yao B Z. An improved ant colony optimization for vehicle routing problem [J]. European Journal of Operational Research,2009,196(1):171-176.
    [70]Kennedy J, Eberhart R. Particle swarm optimization. International Conference on Neural Networks [C]. Perth, Australia:IEEE,1995,1942-1948.
    [71]李晓磊.一种新型的智能优化方法-人工鱼群算法[D].杭州:浙江大学,2003.
    [72]Eusuff M M, Lansey K E. Optimization of water distribution net-work design using the shuffled frog-leaping algorithm [J]. Journal of Water Resources Planning and Management,2003,129(3):210-225.
    [73]刘长平,叶春明.一种新颖的仿生群智能优化算法:萤火虫算法[J].计算机应用研究,2011,9:3295-3297.
    [74]杨淑莹,张桦等.群体智能与仿生计算--Matlab技术实现[D].北京:电子工业出版社,2012.
    [75]曾建潮,崔志华等.自然计算[M].北京:国防工业出版社,2012.
    [76]张超群,郑建国,王翔.蜂群算法研究综述[J].计算机应用研究,2011,28(9):3201-3205.
    [77]肖永豪.蜂群算法及在图像处理中的应用研究[D].广州:华南理工大学,2011
    [78]胡珂.基于人工蜂群算法在无线传感网络覆盖优化策略中的应用研究[D].电子科技大学,2009.
    [79]暴励.人工蜂群算法的混合策略研究[D].太原:太原科技大学,2010.
    [80]纪震,廖惠连,吴青华.粒子群算法及应用[M].北京:科学出版社,2009,72-78.
    [81]王凌,刘波.微粒群优化与调度算法[M].北京:清华大学出版社,2008,4445.
    [82]Chunfan Xu, Haibin Duan. Artificial bee colony (ABC) optimized edge potential function (EPF) approach to target recognition for low-altitude aircraft [J]. Pattern Recognition Letters,2010,31:1759-1772.
    [83]W.Y. Szeto, Yongzhong Wu, Sin C. Ho. An artificial bee colony algorithm for the capacitated vehicle routing problem [J]. European Journal of Operational Research, 2011,215:126-135.
    [84]S.N. Omkar, J. Senthilnath, Rahul Khandelwal, etc. Artificial Bee Colony (ABC) for multi-objective design optimization of composite structures [J]. Applied Soft Computing,2011,11:489-499.
    [85]Ming-Huwi Horng. Multilevel thresholding selection based on the artificial bee colony algorithm for image segmentation [J]. Expert Systems with Applications,2011,38: 13785-1379.
    [86]A. Singh, An artificial bee colony algorithm for the leaf-constrained minimum spanning tree problem [J], Applied Soft Computing,2009,9(2):625-631.
    [87]M. Sonmez, Artificial bee colony algorithm for optimization of truss structures [J], Applied Soft Computing,2011,11(2):2406-2418.
    [88]Haluk Gozde, M. Cengiz Taplamacioglu, Ilhan Kocaarslan. Comparative performance analysis of Artificial Bee Colony algorithm in automatic generation control for interconnected reheat thermal power system [J]. Electrical Power and Energy Systems, 2012,42:167-178.
    [89]毛用才,胡奇英.随机过程[M].西安:西安电子科技大学出版社,2002.
    [90]张波,张景肖.应用随机过程[M].北京:清华大学出版社,2004.
    [91]郑金华,吕卉,伍军等.基于空间交配遗传算法的收敛性分析[J].模式识别与人工智能,2010,23(5):639-645.
    [92]任子晖,王坚,高岳林.马尔科夫链的粒子群优化算法全局收敛性分析[J].控制理论与应用,2011,28(4):462-466.
    [93]冯远静,冯祖仁,彭勤科.一类自适应蚁群算法及其收敛性分析[J].控制理论与应用,2005,22(5):713-717.
    [94]骆剑平,李霞,陈泯融.混合蛙跳算法的Markov模型及其收敛性分析[J].电子学报,2010,38(12):2875-2880.
    [95]田铮,秦超英.随机过程与应用.北京:科学出版社,2007.
    [96]李宁.粒子群优化算法的理论分析与应用研究[D].武汉:华中科技大学,2006.
    [97]曾建潮,介婧,崔志华.微粒群算法[M].北京:科学出版社,2004.
    [98]Chao Huang, Da Qingli. Application of martingale theory in enterprise investment decision making[J].Journal of southeast University(English Edition),2009,125(1): 138-141.
    [99]V.C.Augstine. An Application of Martingale Convergence Theorem to Analyse Company Data [J]. The Indian Journal of Statistics,2009,71(2):264-289.
    [100]徐宗本,聂赞坎,张文修.遗传算法的几乎必然强收敛---鞅方法[J].计算机学报,2002,25(8):785-793.
    [101]王霞,周国标.整体退火遗传算法的几乎处处强收敛性[J].应用数学,2003,16(3):1-7.
    [102]罗小平,韦巍.生物免疫遗传算法的几乎处处强收敛性分析及收敛速度估计[J].电子学报,2005,33(10):1803-1807.
    [103]段海滨,王道波,于秀芬.基本蚁群算法的A.S.收敛性研究[J].应用基础与工程 科学学报,2006,14(2):297-301.
    [104]苏兆品,蒋建国,梁昌勇等.蚁群算法的几乎处处强收敛性分析[J].电子学报,2009,37(8):1646-1650.
    [105]Young-Sun Yun, Yung-Hwan Oh. A segmental-feature HMM for continuous speech recognition based on a parametric trajectory model [J]. Speech Communication,2002, 38:115-130.
    [106]Jesu's Vicente-Pena, Fernando Diaz-de-Maria, W. Bastiaan Kleijn. The synergy between bounded-distance HMM and spectral subtraction for robust speech recognition [J]. Speech Communication,201052:123-133.
    [107]薛定宇,贾旭,崔建江等.基于遗传算法自适应建立HMM的静脉识别算法[J],东北大学学报,2011,32(11):1529-1533.
    [108]Negin Najkar, Farbod Razzazi, Hossein Sameti. A novel approach to HMM-based speech recognition systems using particle swarm optimization[J], Mathematical and Computer Modelling,2010,52(12):1910-1920.
    [109]F. Yang, C. Zhang, G. Bai, A novel genetic algorithm based on tabu search for HMM optimization(C).the 4th International Conference on Natural Computation,2008, 4:57-61.
    [110]S. Rategh, F. Razzazi, A.M. Rahmani, S.O. Gharan. A time warping speech recognition system based on particle swarm optimization(C). The International Conference on Modeling and Simulation,2008,585-590.
    [111]N. Najkar, F. Razzazi, H. Sameti, A novel approach to HMM-based speech recognition system using particle swarm optimization(C). IEEE International Conference on Bio-Inspired Computing:Theories and Application,2009,1-6.
    [112]段薇.粒子群优化隐马尔可夫模型用于语音识别的研究[D].太原:太原理工大学,2011.
    [113]罗雪晖,李霞,张基宏.一种改进的LBG的快速算法[J].深圳大学学报,2002,19(4):54-59.
    [114]张基宏,谢维信.一种快速模糊矢量量化图象编码算法[J].电子学报,1999,27(2):106-108.
    [115]佘春东,孙世新,范植华等.一种高效的基于模拟退火的LBG算法[J].小型微型计算机统,2005,26(2):218-221.
    [116]Lu Qiang. K-means Optimal clustering algorithm based on hybrid genetic technique [J]. Journal of East China University of Science and Technology,2005,31(2):219-222.
    [117]李小捷,许录平,杨莉.应用于矢量量化的改进粒子群优化算法[J].模式识别与人工智能,2008,21(3):285-289.
    [118]李霞,罗雪晖,张基宏.基于人工蚁群优化的矢量量化码书设计算法[J].电子学报,2004,32(7):1082-1085.
    [119]宁爱平,张雪英.人工蜂群算法改进DHMM的语音识别算法[J].计算机工程与应用,2012,48(28):16-19.
    [120]Xiuli Wang, Xingzi Xie, T.C.E. Cheng. A modified artificial bee colony algorithm for order acceptance in two-machine flow shops [J] Int. J. Production Economics,2013, 141:14-23.
    [121]孙晓雅,林焰.改进的人工蜂群算法求解任务指派问题[J],微电子学与计算机,2012,29(1):23-26.
    [122]Gao Wei-feng, Liu San-yang, Jiang Fei. An improved artificial bee colony algorithm for directing orbits of chaotic systems [J].Applied Mathrmatics and computation,2011,218: 3868-3879.
    [123]Rahnamayan S,Tizhoosh H R,Salama M M A. Opposition versus randomness in soft computing techniques[J].Applied Soft Computing,2008,8(2):906-918.
    [124]王辉.一种带共享因子的人工蜂群算法[J].计算机工程,2011,37(22):139-142.
    [125]Bahriye Akay, Dervis Karaboga. A modified Artificial Bee Colony algorithm for real-parameter optimization [J]. Information Sciences,2012,192:120-142.
    [126]康飞,李俊杰,徐青等.改进人工蜂群算法及其在反演分析中的应用[J],水电能源科学,2009,27(1):126-129.
    [127]Yang Yimin, Wang Yaonan, Yuan Xiaofang, etc. Hybrid chaos optimization algorithm with artificial emotion [J]. Applied Mathematics and Computation,2012:218: 6585-6611.
    [128]Jiang Huimin, wongC.K. K, Chen Zengqiang, etc. Chaos particle swarm optimization and T-S fuzzy modeling approaches toconstrained predictive control [J]. Expert Systems with Applications,2012,39:194-201.
    [129]Xingsheng Deng, Xinzhou Wang. Incremental learning of dynamic fuzzy neural networks for accurate system modeling [J]. Fuzzy Sets and Systems. 2009,160(7):972-987
    [130]P. Balasubramaniam, M. Syed Ali. Robust exponential stability of uncertain fuzzy Cohen-Grossberg neural networks with time-varying delays [J]. Fuzzy Sets and Systems,2010,161(4):608-618.
    [131]Gan Qintao, Xu Rui, Yang Pinghua. Exponential synchronization of stochastic fuzzy cellular neural networks with time delay in the leakage term and reaction-diffusion [J]. Communications in Nonlinear Science and Numerical Simulation,2012,17(4): 1862-1870.
    [132]杜文霞,辛涛,孙昊等.模糊神经网络在模拟电路故障诊断中的应用[J].自动化仪表,2009,30(1):6-9.
    [133]张晓琴.基于模糊神经网络盲均衡算法的研究[D].太原:太原理工大学.2008.
    [134]何春梅.模糊神经网络的性能及其学习算法研究[D],南京:南京理工大学.2010.
    [135]孙慧.粒子群优化模糊神经网络用于语音识别的研究[D],太原:太原理工大学.2010.
    [136]房振勇,游文虎,冯汝鹏.改进BP算法在模糊神经网络中的应用[J].北京航空航天大学学报.2007,33(11):1321-1324.
    [137]周欣然,滕召胜,易钊.基于混合协同粒子群优化的广义T-S模糊模型训练方法[J].系统工程与电子技术,2009,31(5):1189-1193.
    [138]Mehmet Koru rek, Ali Nizam. A new arrhythmia clustering technique based on Ant Colony Optimization [J]. Journal of Biomedical Informatics,2008,41:874-881.
    [139]Yu Zhi-fu, Li Jun-wu, Liu Kai.Radar Emitter Recognition Based on PSO-BP Network [J]. AASRI Procedia,2012,1:213-219.
    [140]宗群,童玲,牙淑红等.基于遗传算法模糊神经网络的电梯群控调度[J].天津大学学报,2003,36(5):585-589.
    [141]Rasoul Irani, Reza Nasimi. Application of artificial bee colony-based neural network in bottom hole pressure prediction in underbalanced drilling [J]. Journal of Petroleum Science and Engineering,2011,78:6-12.
    [142]S.H. Nabavi-Kerizi, M. Abadi, E. Kabir. A PSO-based weighting method for linear combination of neural networks [J]. Computers and Electrical Engineering, 201036:886-894.
    [143]Ning Aiping, Zhang Xueying. A Speech recognition based on fuzzy neural network trained by artificial bee colony algorithm(C).2011 International Conference on Electronics, Communications and Control,2488-2491.
    [144]刘智明,贺新,周激流等,基于排序的改进自适应遗传算法[J].信息与控制,2004,33(1):6-8.
    [145]毕晓君,王艳娇.加速收敛的人工蜂群算法[J].系统工程与电子技术,2011,33(12):2755-2761.
    [146]丁海军,冯庆娴.基于boltzmann选择策略的人工蜂群算法[J].计算机工程与应用,2009,45(31):53-55.
    [147]Vapnik V.统计学习理论的本质[M].张学工译.北京:清华大学出版社,2000.
    [148]丁世飞,齐丙娟,谭红艳.支持向量机理论与算法研究综述[J].电子科技大学学报,2011,40(1):1-10.
    [149]张学工.关于统计学习理论与支持向量机[J].自动化学报,2000,26(1):32-41.
    [150]邓乃扬,田英杰.支持向量机—理论、算法与拓展[M].北京:科学出版社,2009.
    [151]司刚全,娄勇,张寅松.一种鲁棒最小二乘支持向量机及其在软测量中的应用[J].西安交通大学学报,2012,46(8):148-150.
    [152]TANG Yu-chun, JIN Bo, ZHANG Yan-qing. Granular support vector machines with association rules mining for protein homology prediction [J]. Artificial Intelligence in Medicine,2005,35:121-134.
    [153]张翔,肖小玲,徐光佑.模糊支持向量机中隶属度的确定与分析[J].中国图像图形学报,2006,11(8):1188-1192.
    [154]ARUN K M, GOPAL M. Least squares twin support vectormachines for pattern classification [J]. Expert Systems with Applications,2009,36:7535-7543.
    [155]YAJIMA Y, Kuo Tien-fang. Efficient formulations for 1-SVM and their application to recommendation tasks [J]. Journal of Computers,2006,1(3):27-34.
    [156]DAI Liu-ling, HUANG He-yan, CHEN Zhao-xiong. Ternary sequential analytic optimization algorithm for SVM classifier design [J]. Asian Journal of Information Technology,2005,4(3):2-8.
    [157]孔锐,张冰.一种快速支持向量机增量学习算法[J].控制与决策,2005,20(1):1129-1132.
    [158]Xiaofei Zhou, Wenhan Jiangb, Yingjie Tian etc. Kernel subclass convex hull sample selection method for SVM on face recognition [J]. Neurocomputing,2010, 73:2234-2246.
    [159]郭超.支持向量机核函数研究及其在语音识别中的应用[D].太原:太原理工大学,2012.
    [160]Zhang Rui, Wang Wenjian. Facilitating the applications of support vector machine by using a new kernel [J]. Expert Systems with Applications,2011,38:14225-14230.
    [161]段继康.多类分类支持向量机在语音识别中的应用研究[D].太原:太原理工大学,2010.
    [162]Fu JuiHsi, Lee SingLing. A multi-class SVM classification system based on learning methods from indistinguishable chinese official documents [J]. Expert Systems with Applications,2012,39:3127-3134.
    [163]N.M. Khana, R. Ksantini, I.S. Ahmad. A novel SVM+ NDA model for classification with an application to face recognition [J]. Pattern Recognition,2012,45:66-79.
    [164]秦宇强,张雪英.基于SVM的语音信号情感识别[J].电路与系统学报,2012,17(5):55-59.
    [165]ZHANG Yanfei, DING Muhua, YAN Qisheng. Study on Forecasting of Science and Technology Human Resources Based on SVM [J].Energy Procedia,2011,11: 4676-4680.
    [166]Sachindra Joshi, Jayadeva, Ganesh Ramakrishnan. Using Sequential Unconstrained Minimization Techniques to simplify SVM solvers [J]. Neurocomputing,2012,77: 253-260.
    [167]董国君,哈力木拉提,买买提等.基于RBF核的SVM核参数优化算法[J].新疆大学学报,2009,26(3):355-358.
    [168]Luo Zhiyong, Wang Ping, Li Yinguo, etc. Quantum-inspired evolutionary tuning of SVM parameters [J]. Progress in Natural Science,2008,18:475-480.
    [169]XiaoLi Zhang, XueFeng Chen, ZhengJia He. An ACO-based algorithm for parameter optimization of support vector machines [J]. Expert Systems with Applications,2010, 37:6618-6628.
    [170]Wu Chih-Hung, Yun Ken, Tao Huang. Patent classification system using a new hybrid genetic algorithm support vector machine [J]. Applied Soft Computing,2010,10: 1164-1177.
    [171]Wang Shuzhou, Meng Bo. Parameter Selection Algorithm for Support Vector Machine [J] Procedia Environmental Sciences,2011,11:538-544.

© 2004-2018 中国地质图书馆版权所有 京ICP备05064691号 京公网安备11010802017129号

地址:北京市海淀区学院路29号 邮编:100083

电话:办公室:(+86 10)66554848;文献借阅、咨询服务、科技查新:66554700