[go: up one dir, main page]

CN109886350A - A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine - Google Patents

A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine Download PDF

Info

Publication number
CN109886350A
CN109886350A CN201910155242.0A CN201910155242A CN109886350A CN 109886350 A CN109886350 A CN 109886350A CN 201910155242 A CN201910155242 A CN 201910155242A CN 109886350 A CN109886350 A CN 109886350A
Authority
CN
China
Prior art keywords
prediction
output
daily ration
learning machine
kernel
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Pending
Application number
CN201910155242.0A
Other languages
Chinese (zh)
Inventor
付强
沈维政
魏晓莉
黄静
辛杭书
张永根
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Northeast Agricultural University
Original Assignee
Northeast Agricultural University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Northeast Agricultural University filed Critical Northeast Agricultural University
Priority to CN201910155242.0A priority Critical patent/CN109886350A/en
Publication of CN109886350A publication Critical patent/CN109886350A/en
Pending legal-status Critical Current

Links

Landscapes

  • Dairy Products (AREA)

Abstract

本发明提供一种基于核极限学习机奶牛日粮消化能预测方法,属于畜禽日粮营养价值评价领域,该方法包括以下步骤:(1)实测奶牛日粮养分摄入量与消化能数据,产生奶牛日粮消化能预测样本,并分为训练样本集和测试样本集;(2)对于建立的训练样本集,构造极限学习机网络输出,并以矩阵形式表示;(3)选取高斯核函数求解,确定核函数的参数集,得到基于KELM预测模型的输出函数;(4)将测试样本和KELM模型预测结果进行对比,计算预测消化能与真实值的平均绝对误差、平均绝对百分比误差以及均方根误差,评价该预测方法的有效性。本发明提供的预测方法属于非参数机器学习模型,仅通过对训练样本的学习即可进行有效预测,且可获得较高的预测精度。

The invention provides a method for predicting the digestive energy of dairy cows' ration based on a nuclear extreme learning machine, which belongs to the field of nutritional value evaluation of livestock and poultry rations. Generate the dairy cow's dietary digestible energy prediction sample and divide it into training sample set and test sample set; (2) For the established training sample set, construct the output of the extreme learning machine network and express it in the form of a matrix; (3) Select the Gaussian kernel function Solve, determine the parameter set of the kernel function, and obtain the output function based on the KELM prediction model; (4) Compare the test sample with the prediction results of the KELM model, and calculate the mean absolute error, mean absolute percentage error and mean absolute percentage error between the predicted digestibility and the true value. The square root error is used to evaluate the effectiveness of the prediction method. The prediction method provided by the present invention belongs to a non-parametric machine learning model, which can perform effective prediction only by learning the training samples, and can obtain higher prediction accuracy.

Description

一种基于核极限学习机奶牛日粮消化能预测方法A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine

技术领域:Technical field:

本发明属于畜禽日粮营养价值评价领域,具体涉及一种基于核极限学习机奶牛日粮消化能预测方法。The invention belongs to the field of nutritional value evaluation of livestock and poultry rations, and in particular relates to a method for predicting the digestibility of dairy cow rations based on a nuclear extreme learning machine.

背景技术:Background technique:

全面和准确评价日粮营养与饲喂价值是畜牧养殖者、饲料供应商和动物营养专家长期关注的问题,其中,对奶牛日粮能量消化的预测和评估是衡量饲料营养与饲喂价值的重要方面。通过建立奶牛日粮消化能预测模型,能够提前较为精准地掌握奶牛日粮能量消化情况,以便优化饲料配合与管理,进而提升养殖效益,同时也符合现代畜牧精细养殖的发展需要。Comprehensive and accurate evaluation of dietary nutrition and feeding value is a long-term concern of livestock breeders, feed suppliers and animal nutrition experts. Among them, the prediction and evaluation of dietary energy digestion of dairy cows is an important measure of feed nutrition and feeding value. aspect. By establishing a prediction model for the digestibility of dairy cows' dietary energy, it is possible to accurately grasp the dietary energy digestion of dairy cows in advance, so as to optimize the feed mix and management, thereby improving the breeding efficiency, and also meeting the development needs of modern animal husbandry.

传统预测奶牛日粮能量消化指标的数学模型主要是基于线性回归(linearregression,LR)方法,基于LR的模型是典型的参数模型,其特点是建模简单、快速,能够在一定范围内反映被预测数据的变化趋势,但参数模型通常对被预测数据所遵循的目标函数的形式进行了假设,并在训练的过程中对目标函数的参数进行估计,进而确定之前提出的假设模型。然而,由于包括奶牛在内的动物机体本身是一个复杂的系统,这种对预测模型的假设并非总是成立,当不成立时就会出现很大的误差。The traditional mathematical model for predicting the dietary energy digestion index of dairy cows is mainly based on the linear regression (LR) method. The LR-based model is a typical parameter model, which is characterized by simple and fast modeling, and can reflect the predicted value within a certain range. The change trend of the data, but the parametric model usually assumes the form of the objective function followed by the predicted data, and estimates the parameters of the objective function during the training process, and then determines the previously proposed hypothetical model. However, since the animal body itself, including the cow, is a complex system, this assumption about the predictive model does not always hold, and when it does not hold, there will be large errors.

极限学习机(extreme learning machine,ELM)是一种基于非参数模型的机器学习算法,在建模时通常不需要预先对目标函数做任何假设,能够仅通过对训练样本数据的学习,便能拟合出最接近实际的函数,特别是核极限学习机(kernel extreme learningmachine,KELM),与其它非参数模型相比,具有快速的学习能力和强泛化特性,目前在各类预测领域有着广泛的应用,本发明专利即是将KELM技术用于奶牛日粮消化能的预测。Extreme learning machine (ELM) is a machine learning algorithm based on non-parametric model. It usually does not need to make any assumptions about the objective function in advance during modeling. Compared with other non-parametric models, it has fast learning ability and strong generalization characteristics, and currently has a wide range of prediction fields in various fields. Application, the patent of the present invention is to use KELM technology to predict the digestibility of dairy cows' diets.

发明内容:Invention content:

本发明目的是提供一种基于核极限学习机奶牛日粮消化能预测方法。The purpose of the present invention is to provide a method for predicting the digestibility of dairy cows' ration based on a nuclear extreme learning machine.

上述目的可以通过以下的技术方案实现:The above purpose can be achieved through the following technical solutions:

1、一种基于核极限学习机奶牛日粮消化能预测方法,其特征在于,该方法包括以下步骤:1. A method for predicting the digestibility of dairy cow ration based on nuclear extreme learning machine, characterized in that the method comprises the following steps:

(1)实测奶牛日粮养分摄入量与消化能数据,产生奶牛日粮消化能预测样本,并分为训练样本集和测试样本集两个部分;(1) Measure the dietary nutrient intake and digestible energy data of dairy cows, and generate the dairy cow's dietary digestible energy prediction sample, which is divided into two parts: training sample set and test sample set;

(2)对步骤(1)产生的奶牛日粮消化能预测样本,构建奶牛日粮消化能预测训练样本集其中,xi∈Rn代表第i个n维输入向量,ti∈Rm代表对应的输出向量,N代表训练样本的个数;(2) Constructing a training sample set for the prediction of dietary digestibility of dairy cows based on the dairy cow's dietary digestible energy prediction samples generated in step (1). Among them, x i ∈ R n represents the ith n-dimensional input vector, t i ∈ R m represents the corresponding output vector, and N represents the number of training samples;

(3)对步骤(2)建立的训练样本集,构造极限学习机网络输出,目标是使得输出的误差最小,即:其中,为隐含层节点的个数,wi=[wi1,wi2,…,win]T为连接第i个隐含层节点与输入层节点的权向量,βi=[βi1i2,…,βim]T为连接第i个隐含层节点与输出层节点的权向量,g(·)为激活函数,bi为第i个隐含层节点的偏置;(3) For the training sample set established in step (2), construct the output of the extreme learning machine network, and the goal is to minimize the error of the output, that is: in, is the number of hidden layer nodes, w i =[w i1 ,w i2 ,...,w in ] T is the weight vector connecting the ith hidden layer node and the input layer node, β i =[β i1i2 ,…,β im ] T is the weight vector connecting the ith hidden layer node and the output layer node, g( ) is the activation function, and b i is the bias of the ith hidden layer node;

(4)将步骤(3)中的方程改写成矩阵形式,即:HB=T,且有,(4) Rewrite the equation in step (3) into matrix form, that is: HB=T, and have,

其中,H为隐含层节点的输出矩阵,其第j行隐含层特征映射 B为输出权值矩阵,T为期望输出矩阵;Among them, H is the output matrix of the hidden layer node, and the jth row of the hidden layer feature map B is the output weight matrix, T is the expected output matrix;

(5)对步骤(4)中的矩阵求解,定义核函数k(xi,xj)=h(xi)·h(xj),同时,定义核矩阵形成核极限学习机(KELM),此外,选择将参数I/C填加到HHT,使其特征根不为零,用于提高KELM的稳定性和泛化能力,其中I为单位矩阵,C为惩罚因子,则KELM的网络输出权值矩阵B为:B=HT(I/C+HHT)-1T=HT(I/C+Ω)-1T;(5) Solve the matrix in step (4), define the kernel function k(x i , x j )=h(x i )·h(x j ), and at the same time, define the kernel matrix The kernel extreme learning machine ( KELM ) is formed. In addition, the parameter I/C is chosen to be added to HHT so that its eigenvalue is not zero, which is used to improve the stability and generalization ability of KELM, where I is the identity matrix, C is the penalty factor, then the network output weight matrix B of KELM is: B=H T (I/C+HH T ) -1 T=H T (I/C+Ω) -1 T;

(6)将步骤(5)中定义的核函数和参数I/C带入,得到基于KELM预测模型的输出函数: (6) Bring in the kernel function and parameter I/C defined in step (5) to obtain the output function based on the KELM prediction model:

(7)对步骤(6)中的KELM预测模型,将奶牛日粮消化能预测测试样本作为输入x,计算预测模型的输出函数f(x),并通过计算预测结果与真实值的平均绝对误差MAE、平均绝对百分比误差MAPE以及均方根误差RMSE,评价基于核极限学习机奶牛日粮消化能预测方法的有效性。(7) For the KELM prediction model in step (6), take the dairy cow's dietary digestible energy prediction test sample as the input x, calculate the output function f(x) of the prediction model, and calculate the average absolute error between the prediction result and the real value MAE, mean absolute percentage error MAPE and root mean square error RMSE to evaluate the effectiveness of the method for predicting dietary digestibility of dairy cows based on kernel extreme learning machine.

2、根据权利要求1所述的基于核极限学习机奶牛日粮消化能预测方法,其特征在于,对步骤(2)中的奶牛日粮消化能预测训练样本集数据,按照CNCPS标准的要求,以奶牛日粮CNCPS组分(PA、PB1、PB2、PB3、PC、CA、CB1、CB2、CC)的摄入量作为输入量xi,以日粮消化能作为对应的输出量ti,i=1,…,N,N为训练样本的个数。2. The method for predicting the dietary digestibility of dairy cows based on a nuclear extreme learning machine according to claim 1, characterized in that, for the training sample set data for predicting the dietary digestibility of dairy cows in step (2), according to the requirements of the CNCPS standard, Taking the intake of dairy cows' dietary CNCPS components (PA, PB1, PB2, PB3, PC, CA, CB1, CB2, CC) as the input x i , and taking the dietary digestible energy as the corresponding output t i , i =1,...,N, where N is the number of training samples.

3、根据权利要求1所述的基于核极限学习机奶牛日粮消化能预测方法,其特征在于,步骤(5)中选取的核函数为高斯核函数:k(xi,xj)=exp(-‖xi-xj2/2σ2)。3. The method according to claim 1, wherein the kernel function selected in step (5) is a Gaussian kernel function: k(x i , x j )=exp (-‖x i -x j2 /2σ 2 ).

4、根据权利要求1所述的基于核极限学习机奶牛日粮消化能预测方法,其特征在于,对步骤(5)中选取的核函数,采用5折交叉验证网络法确定核函数的参数集{C,σ}。4. The method for predicting the dietary digestibility of dairy cows based on a kernel extreme learning machine according to claim 1, characterized in that, for the kernel function selected in step (5), a 5-fold cross-validation network method is used to determine the parameter set of the kernel function {C,σ}.

本发明的有益效果:Beneficial effects of the present invention:

通过本发明基于非参数模型核极限学习机方法代替传统基于参数模型线性回归方法预测奶牛日粮消化能,无需事先对预测模型做出任何假设,仅通过对训练样本的学习即可进行有效预测,与传统的人工神经网络、支持向量机预测模型相比,能够获得更高的预测精度,特别适合于奶牛日粮能量消化之类的复杂系统预测问题。By replacing the traditional linear regression method based on the parametric model, the present invention based on the non-parametric model kernel extreme learning machine method replaces the traditional linear regression method based on the parametric model to predict the dietary digestibility of dairy cows, without making any assumptions about the prediction model in advance, and only by learning the training samples. Compared with traditional artificial neural network and support vector machine prediction models, it can obtain higher prediction accuracy, and is especially suitable for complex system prediction problems such as dairy cow ration energy digestion.

附图说明:Description of drawings:

附图1为本发明基于核极限学习机奶牛日粮消化能预测方法流程示意图。Figure 1 is a schematic flowchart of the method for predicting the digestibility of a dairy cow's ration based on the nuclear extreme learning machine of the present invention.

附图2为不同方法预测奶牛日粮消化能对比图。Accompanying drawing 2 is a comparison chart of different methods for predicting the digestibility of dairy cows' diets.

附图3为训练样本不同方法预测日粮消化能性能比较图。Figure 3 is a graph showing the comparison of the performance of different methods of training samples for predicting the digestibility of diets.

附图4为测试样本不同方法预测日粮消化能性能比较图。Figure 4 is a comparison chart of the performance of different methods for predicting the digestibility of dietary digestibility of the test samples.

具体实施方式:Detailed ways:

下面结合附图和实施例对本发明的具体实施方式做进一步详细描述。以下实施例用于说明本发明,但不用来限制本发明的范围。The specific embodiments of the present invention will be described in further detail below with reference to the accompanying drawings and examples. The following examples are intended to illustrate the present invention, but not to limit the scope of the present invention.

本发明提供的一种基于核极限学习机奶牛日粮消化能预测方法,主要包括如下步骤:The invention provides a method for predicting the dietary digestibility of dairy cows based on a nuclear extreme learning machine, which mainly includes the following steps:

1、实测奶牛日粮养分摄入量与消化能数据,产生奶牛日粮消化能预测样本,并分为训练样本集和测试样本集两个部分。1. Measure the dietary nutrient intake and digestible energy data of dairy cows, and generate the prediction sample of dairy cow's dietary digestible energy, which is divided into two parts: training sample set and test sample set.

2、构建奶牛日粮消化能预测训练样本集同时,按照CNCPS标准的要求,以奶牛日粮CNCPS组分(PA、PB1、PB2、PB3、PC、CA、CB1、CB2、CC)的摄入量作为输入量xi,以日粮消化能作为对应的输出量ti,i=1,…,N,其中,xi∈Rn代表第i个n维输入向量,ti∈Rm代表对应的输出向量,N代表训练样本的个数。2. Construct a training sample set for prediction of dietary digestibility of dairy cows At the same time, according to the requirements of CNCPS standards, the intake of dairy cows' CNCPS components (PA, PB1, PB2, PB3, PC, CA, CB1, CB2, CC) was taken as the input amount xi , and the digestible energy of the diet was taken as the The corresponding output quantities t i , i=1,...,N, where x i ∈ R n represents the i-th n-dimensional input vector, t i ∈ R m represents the corresponding output vector, and N represents the number of training samples.

3、构造极限学习机网络输出,目标是使得输出的误差最小,即:其中,为隐含层节点的个数,wi=[wi1,wi2,…,win]T为连接第i个隐含层节点与输入层节点的权向量,βi=[βi1i2,…,βim]T为连接第i个隐含层节点与输出层节点的权向量,g(·)为激活函数,bi为第i个隐含层节点的偏置。上述方程用矩阵形式可表示为:HB=T,且有,3. Construct the output of the extreme learning machine network, the goal is to minimize the error of the output, that is: in, is the number of hidden layer nodes, w i =[w i1 ,w i2 ,...,w in ] T is the weight vector connecting the ith hidden layer node and the input layer node, β i =[β i1i2 ,...,β im ] T is the weight vector connecting the ith hidden layer node and the output layer node, g( ) is the activation function, and b i is the bias of the ith hidden layer node. The above equation can be expressed in matrix form as: HB=T, and there is,

其中,H为隐含层节点的输出矩阵,其第j行隐含层特征映射 B为输出权值矩阵,T为期望输出矩阵。Among them, H is the output matrix of the hidden layer node, and the jth row of the hidden layer feature map B is the output weight matrix, and T is the expected output matrix.

4、对上述矩阵求解,定义核函数k(xi,xj)=h(xi)·h(xj),其中,选取的核函数为高斯核函数:k(xi,xj)=exp(-‖xi-xj2/2σ2),同时,定义核矩阵形成核极限学习机(KELM),此外,选择将参数I/C填加到HHT,使其特征根不为零,用于提高KELM的稳定性和泛化能力,其中I为单位矩阵,C为惩罚因子,则KELM的网络输出权值矩阵B为:B=HT(I/C+HHT)-1T=HT(I/C+Ω)-1T。4. Solve the above matrix and define the kernel function k(x i ,x j )=h(x i )·h(x j ), where the selected kernel function is a Gaussian kernel function: k(x i ,x j ) =exp(-‖x i -x j2 /2σ 2 ), meanwhile, define the kernel matrix The kernel extreme learning machine ( KELM ) is formed. In addition, the parameter I/C is chosen to be added to HHT so that its eigenvalue is not zero, which is used to improve the stability and generalization ability of KELM, where I is the identity matrix, C is the penalty factor, then the network output weight matrix B of KELM is: B= HT (I/C+HHT ) -1 T = HT (I/C+Ω) -1 T.

5、采用5折交叉验证网络法确定核函数的参数集{C,σ},根据确定的核函数和参数I/C,最后得到基于KELM预测模型的输出函数: 5. Use the 5-fold cross-validation network method to determine the parameter set {C,σ} of the kernel function. According to the determined kernel function and parameter I/C, the output function based on the KELM prediction model is finally obtained:

6、将奶牛日粮消化能预测测试样本输入分量作为输入x,计算预测模型的输出函数f(x),并通过计算预测结果与测测试样本输出分量(真实值)的平均绝对误差MAE、平均绝对百分比误差MAPE以及均方根误差RMSE,评价基于核极限学习机奶牛日粮消化能预测方法的有效性。6. Taking the input component of the dairy cow's dietary digestible energy prediction test sample as the input x, calculate the output function f(x) of the prediction model, and calculate the average absolute error MAE, average absolute error between the prediction result and the output component (true value) of the test sample. The absolute percentage error MAPE and the root mean square error RMSE were used to evaluate the effectiveness of the method for predicting the dietary digestibility of dairy cows based on the kernel extreme learning machine.

以上步骤整体流程图如图1所示,训练与测试基于MATLAB R2010b平台完成,不同方法预测对比如图2所示,对于训练样本和测试样本不同方法预测性能比较如图3和图4所示。The overall flow chart of the above steps is shown in Figure 1. The training and testing are completed based on the MATLAB R2010b platform. The prediction comparison of different methods is shown in Figure 2. The prediction performance comparison of different methods for training samples and test samples is shown in Figure 3 and Figure 4.

Claims (4)

1. A method for predicting the daily ration digestion energy of dairy cows based on a nuclear extreme learning machine is characterized by comprising the following steps:
(1) actually measuring the nutrient intake and the digestion energy data of the daily ration of the dairy cow to generate a daily ration digestion energy prediction sample of the dairy cow, and dividing the daily ration digestion energy prediction sample into a training sample set and a test sample set;
(2) constructing a milk cow daily ration digestion energy prediction training sample set for the milk cow daily ration digestion energy prediction sample generated in the step (1)Wherein x isi∈RnRepresenting the ith n-dimensional input vector, ti∈RmRepresenting the corresponding output vector, and N representing the number of training samples;
(3) constructing the output of the extreme learning machine network for the training sample set established in the step (2), wherein the aim is to minimize the output error, namely:wherein,to imply the number of layer nodes, wi=[wi1,wi2,…,win]TFor the weight vector connecting the ith hidden layer node and the input layer node, βi=[βi1i2,…,βim]TFor the weight vector connecting the i-th hidden layer node with the output layer node, g (-) is the activation function, biA bias for the ith hidden layer node;
(4) rewriting the equation in step (3) into a matrix form, namely: HB ═ T, and has,
wherein H is the output matrix of hidden layer node, and the jth row of hidden layer feature mapping B is an output weight matrix, and T is an expected output matrix;
(5) solving the matrix in the step (4) to define a kernel function k (x)i,xj)=h(xi)·h(xj) While defining a kernel matrixForm a Kernel Extreme Learning Machine (KELM), and choose to add the parameter I/C to HHTAnd the characteristic root is not zero, and the method is used for improving the stability and generalization capability of the KELM, wherein I is a unit matrix, C is a penalty factor, and the network output weight matrix B of the KELM is as follows: b ═ HT(I/C+HHT)-1T=HT(I/C+Ω)-1T;
(6) Substituting the kernel function and the parameter I/C defined in the step (5) to obtain an output function based on a KELM prediction model:
(7) and (4) regarding the KELM prediction model in the step (6), taking the cow daily ration digestion energy prediction test sample as an input x, calculating an output function f (x) of the prediction model, and evaluating the effectiveness of the cow daily ration digestion energy prediction method based on the kernel-limit learning machine by calculating the average absolute error MAE, the average absolute percentage error MAPE and the root mean square error RMSE of the prediction result and the true value.
2. The method for predicting the daily ration digestion energy of dairy cows based on the nuclear limit learning machine as claimed in claim 1, wherein the method for predicting the daily ration digestion energy of dairy cows in the step (2) is characterized in that the intake of the CNCPS component (PA, PB1, PB2, PB3, PC, CA, CB1, CB2, CC) of the daily ration of dairy cows is used as the input x according to the requirements of the CNCPS standardiTaking the digestion energy of daily ration as the corresponding output tiI is 1, …, and N is the number of training samples.
3. The method for predicting the daily ration digestion energy of the dairy cow based on the kernel-based extreme learning machine as claimed in claim 1, wherein the kernel function selected in the step (5) is a gaussian kernel function: k (x)i,xj)=exp(-‖xi-xj2/2σ2)。
4. The method for predicting the daily ration digestion energy of dairy cows based on the kernel-based extreme learning machine as claimed in claim 1, wherein the parameter set { C, σ } of the kernel function is determined by a 5-fold cross validation network method for the kernel function selected in the step (5).
CN201910155242.0A 2019-02-25 2019-02-25 A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine Pending CN109886350A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201910155242.0A CN109886350A (en) 2019-02-25 2019-02-25 A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201910155242.0A CN109886350A (en) 2019-02-25 2019-02-25 A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine

Publications (1)

Publication Number Publication Date
CN109886350A true CN109886350A (en) 2019-06-14

Family

ID=66930198

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201910155242.0A Pending CN109886350A (en) 2019-02-25 2019-02-25 A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine

Country Status (1)

Country Link
CN (1) CN109886350A (en)

Cited By (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111784061A (en) * 2020-07-07 2020-10-16 广东电网有限责任公司 Training method, device and equipment for power grid engineering cost prediction model
CN112257792A (en) * 2020-10-26 2021-01-22 东北农业大学 SVM (support vector machine) -based real-time video target dynamic classification method
CN112989526A (en) * 2021-01-18 2021-06-18 中国人民解放军空军工程大学 Aviation network key node identification method based on kernel extreme learning machine
CN113139598A (en) * 2021-04-22 2021-07-20 湖南大学 Intrusion detection method and system based on improved intelligent optimization algorithm
CN114239938A (en) * 2021-12-08 2022-03-25 国网浙江省电力有限公司经济技术研究院 State-based energy digital twin body construction method
CN115293464A (en) * 2022-10-09 2022-11-04 农业农村部环境保护科研监测所 A method for predicting the amount of water in the whole production process of dairy farms

Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN104200282A (en) * 2014-08-26 2014-12-10 南京信息工程大学 Rapid prediction method for facility agriculture environment factor
CN105243259A (en) * 2015-09-02 2016-01-13 上海大学 Extreme learning machine based rapid prediction method for fluctuating wind speed
CN105354363A (en) * 2015-10-09 2016-02-24 上海大学 Fluctuation wind speed prediction method based on extreme learning machine
CN107563567A (en) * 2017-09-18 2018-01-09 河海大学 Core extreme learning machine Flood Forecasting Method based on sparse own coding
CN107798383A (en) * 2017-10-27 2018-03-13 天津大学 Improved core extreme learning machine localization method

Patent Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN104200282A (en) * 2014-08-26 2014-12-10 南京信息工程大学 Rapid prediction method for facility agriculture environment factor
CN105243259A (en) * 2015-09-02 2016-01-13 上海大学 Extreme learning machine based rapid prediction method for fluctuating wind speed
CN105354363A (en) * 2015-10-09 2016-02-24 上海大学 Fluctuation wind speed prediction method based on extreme learning machine
CN107563567A (en) * 2017-09-18 2018-01-09 河海大学 Core extreme learning machine Flood Forecasting Method based on sparse own coding
CN107798383A (en) * 2017-10-27 2018-03-13 天津大学 Improved core extreme learning machine localization method

Non-Patent Citations (1)

* Cited by examiner, † Cited by third party
Title
黄洁等: "日粮营养水平对西杂育成母牛日粮消化能和粪能排出量的影响", 《中国草食动物》 *

Cited By (10)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111784061A (en) * 2020-07-07 2020-10-16 广东电网有限责任公司 Training method, device and equipment for power grid engineering cost prediction model
CN111784061B (en) * 2020-07-07 2023-06-06 广东电网有限责任公司 Training method, device and equipment for power grid engineering cost prediction model
CN112257792A (en) * 2020-10-26 2021-01-22 东北农业大学 SVM (support vector machine) -based real-time video target dynamic classification method
CN112989526A (en) * 2021-01-18 2021-06-18 中国人民解放军空军工程大学 Aviation network key node identification method based on kernel extreme learning machine
CN112989526B (en) * 2021-01-18 2022-09-30 中国人民解放军空军工程大学 Aviation network key node identification method based on kernel extreme learning machine
CN113139598A (en) * 2021-04-22 2021-07-20 湖南大学 Intrusion detection method and system based on improved intelligent optimization algorithm
CN113139598B (en) * 2021-04-22 2022-04-22 湖南大学 Intrusion detection method and system based on improved intelligent optimization algorithm
CN114239938A (en) * 2021-12-08 2022-03-25 国网浙江省电力有限公司经济技术研究院 State-based energy digital twin body construction method
CN115293464A (en) * 2022-10-09 2022-11-04 农业农村部环境保护科研监测所 A method for predicting the amount of water in the whole production process of dairy farms
CN115293464B (en) * 2022-10-09 2023-01-17 农业农村部环境保护科研监测所 A Method for Predicting Water Quantity in the Whole Process of Dairy Farm Production

Similar Documents

Publication Publication Date Title
CN109886350A (en) A method for predicting the digestible energy of dairy cows' diets based on the kernel extreme learning machine
Amid et al. Prediction of output energies for broiler production using linear regression, ANN (MLP, RBF), and ANFIS models
CN112116145A (en) Cow feed intake assessment method based on genetic algorithm optimization BP neural network
Hosseinzadeh‐Bandbafha et al. Investigations of energy consumption and greenhouse gas emissions of fattening farms using artificial intelligence methods
Shen et al. Assessment of dairy cow feed intake based on BP neural network with polynomial decay learning rate
O'Neill et al. Evaluation of the G raze I n model of grass dry‐matter intake and milk production prediction for dairy cows in temperate grass‐based production systems. 1–S ward characteristics and grazing management factors
Brunel et al. Estimating age at maturation and energy-based life-history traits from individual growth trajectories with nonlinear mixed-effects models
Revilla et al. Quantifying growth perturbations over the fattening period in swine via mathematical modelling
Chen et al. Assessment of the environmental comfort of lactating sows via improved analytic hierarchy process and fuzzy comprehensive evaluation
Zhang et al. Predicting of mutton sheep stress coupled with multi-environment sensing and supervised learning network in the transportation process
Wang et al. Vision-based measuring method for individual cow feed intake using depth images and a Siamese network
CN112669167B (en) Method for predicting production performance of commercial pigs and application thereof
Sefeedpari et al. Application of artificial neural network to model the energy output of dairy farms in Iran
Kocevar et al. Growth charts for small sample sizes using unsupervised clustering: Application to canine early growth
Patil et al. Nutrient requirement equations for Indian goat by multiple regression analysis and least cost ration formulation using a linear and non‐linear stochastic model
CN116796897A (en) A dynamic prediction method for metabolic energy requirements
Shi et al. Predicting nitrogen use efficiency, nitrogen loss and dry matter intake of individual dairy cows in late lactation by including mid-infrared spectra of milk samples
Sherwin et al. Measuring health and performance in preweaning dairy calves
Boniecki et al. Neural prediction of cows’ milk yield according to environment temperature
Wellock et al. Modelling the effects of thermal environment and dietary composition on pig performance: model testing and evaluation
O'Neill et al. Evaluation of the GrazeIn model of grass dry‐matter intake and milk production prediction for dairy cows in temperate grass‐based production systems. 2–Animal characteristics
Sivamani et al. A service model for nutrition supplement prediction based on Fuzzy Bayes model using bigdata in livestock
Adebayo et al. The use of artificial neural networks for modelling rumen fill
Menendez III et al. The conceptualization and preliminary evaluation of a dynamic, mechanistic mathematical model to assess the water footprint of beef cattle production
Fu et al. Predicting the excretion of feces, urine and nitrogen using support vector regression: A case study with Holstein dry cows

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination
RJ01 Rejection of invention patent application after publication

Application publication date: 20190614

RJ01 Rejection of invention patent application after publication