CN106779137A - A kind of method that ship oil consumption is predicted according to sea situation and operating condition - Google Patents

A kind of method that ship oil consumption is predicted according to sea situation and operating condition Download PDF

Info

Publication number
CN106779137A
CN106779137A CN201611001429.8A CN201611001429A CN106779137A CN 106779137 A CN106779137 A CN 106779137A CN 201611001429 A CN201611001429 A CN 201611001429A CN 106779137 A CN106779137 A CN 106779137A
Authority
CN
China
Prior art keywords
data
ship
fuel consumption
oil consumption
model
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
CN201611001429.8A
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.)
Shanghai Maritime University
Original Assignee
Shanghai Maritime 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 Shanghai Maritime University filed Critical Shanghai Maritime University
Priority to CN201611001429.8A priority Critical patent/CN106779137A/en
Publication of CN106779137A publication Critical patent/CN106779137A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06QINFORMATION AND COMMUNICATION TECHNOLOGY [ICT] SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES; SYSTEMS OR METHODS SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES, NOT OTHERWISE PROVIDED FOR
    • G06Q10/00Administration; Management
    • G06Q10/04Forecasting or optimisation specially adapted for administrative or management purposes, e.g. linear programming or "cutting stock problem"
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06QINFORMATION AND COMMUNICATION TECHNOLOGY [ICT] SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES; SYSTEMS OR METHODS SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES, NOT OTHERWISE PROVIDED FOR
    • G06Q50/00Information and communication technology [ICT] specially adapted for implementation of business processes of specific business sectors, e.g. utilities or tourism
    • G06Q50/40Business processes related to the transportation industry

Landscapes

  • Business, Economics & Management (AREA)
  • Engineering & Computer Science (AREA)
  • Human Resources & Organizations (AREA)
  • Economics (AREA)
  • Strategic Management (AREA)
  • Theoretical Computer Science (AREA)
  • Tourism & Hospitality (AREA)
  • General Physics & Mathematics (AREA)
  • Marketing (AREA)
  • General Business, Economics & Management (AREA)
  • Physics & Mathematics (AREA)
  • Operations Research (AREA)
  • Quality & Reliability (AREA)
  • Game Theory and Decision Science (AREA)
  • Entrepreneurship & Innovation (AREA)
  • Development Economics (AREA)
  • Health & Medical Sciences (AREA)
  • General Health & Medical Sciences (AREA)
  • Primary Health Care (AREA)
  • Management, Administration, Business Operations System, And Electronic Commerce (AREA)

Abstract

本发明公开了一种根据海况与操纵条件预测船舶油耗的方法,所述预测船舶油耗的方法首先通过数据筛选、数据集成和归一化处理得到样本数据集,然后建立多元线性回归预测模型,基于样本数据集,采用最小收缩和选择算子(LASSO算法)定义一个代价函数,并结合交叉验证和最小角回归(LARS)算法进行变量收缩与参数选择,最后Osborne对偶算法求解LASSO估计,计算得到船舶油耗。本发明提出的一种根据海况与操纵条件预测船舶油耗的方法,能够建立船舶燃油消耗量与各影响因素之间的函数关系,解决油耗计算中的多重共线性问题,提高船舶油耗计算精度,对海上交通运输节能减排具有重要的意义。

The invention discloses a method for predicting fuel consumption of a ship according to sea conditions and maneuvering conditions. The method for predicting fuel consumption of a ship first obtains a sample data set through data screening, data integration and normalization processing, and then establishes a multiple linear regression prediction model based on For the sample data set, the minimum shrinkage and selection operator (LASSO algorithm) is used to define a cost function, and the variable shrinkage and parameter selection are combined with the cross-validation and least angle regression (LARS) algorithm. Finally, the Osborne dual algorithm is used to solve the LASSO estimate, and the ship is calculated fuel consumption. A method for predicting fuel consumption of a ship according to sea conditions and maneuvering conditions proposed by the present invention can establish a functional relationship between the fuel consumption of a ship and various influencing factors, solve the problem of multicollinearity in the calculation of fuel consumption, and improve the calculation accuracy of fuel consumption of a ship. Energy saving and emission reduction in marine transportation is of great significance.

Description

一种根据海况与操纵条件预测船舶油耗的方法A Method of Forecasting Fuel Consumption of Ships Based on Sea State and Maneuvering Conditions

技术领域technical field

本发明属于船舶航运领域,具体涉及一种根据海况与操纵条件预测船舶油耗的方法。The invention belongs to the field of ship shipping, and in particular relates to a method for predicting fuel consumption of a ship according to sea conditions and maneuvering conditions.

背景技术Background technique

船舶航行过程中的燃油消耗受到气象海况条件、船舶航行状态以及操纵条件等多种不确定因素的影响,而油耗预测对船舶航速、航向等操纵具有重要的指导意义。精确的油耗计算能够更好地指导船员操纵船舶航行,保证在船期要求时间内以低油耗、低排放、高效益的操纵方案航行。然而,影响因素的不确定性以及一些因素之间的高度相关性致使油耗与各影响因素之间的函数关系无法准确确定,也无法准确地计算船舶在航期间的油耗。Fuel consumption during ship navigation is affected by various uncertain factors such as meteorological and sea conditions, ship navigation status, and operating conditions, and fuel consumption prediction has important guiding significance for ship speed, course, and other operations. Accurate fuel consumption calculation can better guide the crew to steer the ship and ensure sailing with a low fuel consumption, low emission and high-efficiency maneuvering plan within the time required by the ship schedule. However, the uncertainty of influencing factors and the high correlation between some factors make it impossible to accurately determine the functional relationship between fuel consumption and various influencing factors, and it is also impossible to accurately calculate the fuel consumption of a ship during its voyage.

统计机器学习是基于大量历史数据的分布,结合统计学理论建立模型假设,通过设计算法过程从数据和模型估计参数,不断学习从而改进模型性能,自动寻找数据之间存在的规律,计算得到一个对自然模型近似的函数关系,并利用所得函数关系对未知数据进行预测,测试模型的泛化能力并验证模型假设的一种研究方法Statistical machine learning is based on the distribution of a large amount of historical data, combined with statistical theory to establish model assumptions, through the design algorithm process to estimate parameters from data and models, continuous learning to improve model performance, automatically find the laws that exist between data, and calculate a pair A research method that approximates the functional relationship of the natural model and uses the obtained functional relationship to predict unknown data, test the generalization ability of the model, and verify the model assumptions

回归分析是数据挖掘中常用的方法之一,它反映了数据属性值的特性,并通过函数形式表达数据映射的关系,从而发现属性值之间的依赖关系。回归分析方法被广泛应用于对数据序列的预测及相关关系的研究中。Regression analysis is one of the commonly used methods in data mining. It reflects the characteristics of data attribute values, and expresses the relationship of data mapping in the form of functions, so as to discover the dependencies between attribute values. Regression analysis method is widely used in the prediction of data sequence and the study of correlation.

LASSO算法是机器学习算法中一种能够实现指标集合精简,并能处理具有多重共线性性质数据的有偏估计方法。该算法通过在损失函数中引入L1惩罚函数,在回归系数的绝对值之和小于一个常数的约束条件下,使残差平方和最小化,从而使一些指标的回归系数严格等于零,也就是说,LASSO算法具有变量稀疏的特性,能够消除冗余特征,发现问题需要且仅需要的变量,实现指标集合精简的同时得到对结果具有较强解释能力的模型。The LASSO algorithm is a biased estimation method in machine learning algorithms that can simplify the index set and deal with data with multicollinearity properties. The algorithm introduces the L1 penalty function in the loss function, under the constraint that the sum of the absolute values of the regression coefficients is less than a constant, the residual sum of squares is minimized, so that the regression coefficients of some indicators are strictly equal to zero, that is to say , the LASSO algorithm has the characteristic of variable sparseness, which can eliminate redundant features, find only the variables needed by the problem, realize the simplification of the index set, and obtain a model with strong explanatory ability for the results.

LARS算法用于决定哪些变量被选入模型并给出相应变量的参数估计。该算法不是在每一步前向逐步回归中直接加入某个变量,而是先找出和因变量相关度最高的那个变量,然后沿着最小平方误差的方向对变量的系数进行调整,在调整过程中,该变量和残差项的相关系数会逐渐减小直到出现新的变量与残差的相关性大于此时该变量与残差的相关性,然后重新沿着最小平方误差的方向进行调整,重复进行该过程,直至所有变量被选入自变量集合中,最终得到所求的参数估计。The LARS algorithm is used to decide which variables are selected into the model and give parameter estimates for the corresponding variables. The algorithm does not directly add a variable in each step forward stepwise regression, but first finds the variable with the highest correlation with the dependent variable, and then adjusts the coefficient of the variable along the direction of the minimum square error. , the correlation coefficient between the variable and the residual item will gradually decrease until the correlation between the new variable and the residual is greater than the correlation between the variable and the residual at this time, and then readjust along the direction of the minimum square error, This process is repeated until all variables are selected into the set of independent variables, and finally the desired parameter estimates are obtained.

发明内容Contents of the invention

本发明提供了一种根据海况与操纵条件预测船舶油耗的方法,能够解决船舶航行过程中油耗计算问题,综合考虑影响船舶航行的气象、海况、航行状态和操纵性能等因素,通过构建统计模型并结合机器学习算法对模型进行参数学习及模型训练,最终训练得到一个油耗预测模型用于解决多种因素影响下船舶油耗的快速、准确预测。The invention provides a method for predicting fuel consumption of a ship according to sea conditions and maneuvering conditions, which can solve the problem of fuel consumption calculation during ship navigation, and comprehensively consider factors such as weather, sea conditions, navigation status, and maneuverability that affect ship navigation, by constructing a statistical model and Combined with the machine learning algorithm, the model is used for parameter learning and model training, and finally a fuel consumption prediction model is obtained through training to solve the problem of rapid and accurate prediction of ship fuel consumption under the influence of various factors.

本发明提供的一种根据海况与操纵条件预测船舶油耗的方法,主要发明点是基于LASSO算法的船舶油耗预测模型框架。The present invention provides a method for predicting fuel consumption of ships according to sea conditions and maneuvering conditions. The main invention is the model framework for predicting fuel consumption of ships based on the LASSO algorithm.

基于LASSO算法的船舶油耗预测模型框架基于船舶历史航行数据和气候海况数据,首先建立线性回归预测模型并提出假设,然后采用LASSO算法定义一个代价函数,并转换为求解L1约束下平方误差损失最小化的凸二次规划问题,结合LARS算法求解LASSO问题的稀疏解,实现系数收缩与变量选择,最后训练得到船舶油耗预测模型。The ship fuel consumption prediction model framework based on the LASSO algorithm is based on the ship's historical voyage data and climate and sea state data. Firstly, a linear regression prediction model is established and assumptions are made, and then a cost function is defined by the LASSO algorithm, which is converted to solve the minimum square error loss under the L1 constraint. Based on the optimized convex quadratic programming problem, combined with the LARS algorithm to solve the sparse solution of the LASSO problem, the coefficient shrinkage and variable selection are realized, and finally the ship fuel consumption prediction model is obtained through training.

为了实现以上目的,本发明主要包括以下步骤:In order to achieve the above object, the present invention mainly comprises the following steps:

步骤(1)原始数据采集。主要采用不同的设备及途径采集气候海况数据、船舶航行状态数据和船舶操纵数据。Step (1) Raw data collection. Mainly use different equipment and ways to collect climate and sea state data, ship navigation status data and ship maneuvering data.

步骤(2)数据预处理。针对(1)中采集的原始数据进行数据筛选,对数据去噪、裁剪和同步等处理,然后集成来自多个数据源的数据同时去除冗余,最后对集成的数据进行统一的归一化处理,得到模型训练数据集。Step (2) data preprocessing. Perform data screening on the raw data collected in (1), perform data denoising, cropping, and synchronization processing, then integrate data from multiple data sources while removing redundancy, and finally perform unified normalization processing on the integrated data , to get the model training data set.

步骤(3)建立油耗预测模型。根据步骤(2)中训练数据集的分布特点以及经验假设输入特征变量与对应预测输出变量之间满足线性关系,建立多元线性回归预测模型。Step (3) Establish a fuel consumption prediction model. According to the distribution characteristics of the training data set in step (2) and empirical assumptions that the input feature variables and the corresponding predicted output variables satisfy a linear relationship, a multiple linear regression prediction model is established.

步骤(4)参数学习与模型训练。基于步骤(2)中得到的训练数据,采用LASSO算法定义一个代价函数,并转换为求解L1约束下平方误差损失最小化的凸二次规划问题,最终结合交叉验证与LARS算法对模型参数进行学习,并采用Osborne对偶算法求解LASSO估计。最后将LASSO估计值代入步骤(3)中建立的油耗预测模型中,得到训练后的油耗预测模型。Step (4) parameter learning and model training. Based on the training data obtained in step (2), the LASSO algorithm is used to define a cost function, which is transformed into a convex quadratic programming problem for the minimization of the square error loss under the L 1 constraint, and the model parameters are finally combined with cross-validation and LARS algorithm Learn, and use the Osborne dual algorithm to solve the LASSO estimate. Finally, the estimated value of LASSO is substituted into the fuel consumption prediction model established in step (3) to obtain the trained fuel consumption prediction model.

步骤(5)模型应用。将未知的气象海况数据和船舶操纵数据输入步骤(5)中得到的油耗预测模型中,可以输出最终的油耗预测结果。Step (5) model application. Inputting the unknown meteorological and sea state data and ship maneuvering data into the fuel consumption prediction model obtained in step (5), can output the final fuel consumption prediction result.

本发明与现有的人工神经网络(BP-ANN)、支持向量回归(SVR)预测模型相比,具有以下特点:Compared with existing artificial neural network (BP-ANN), support vector regression (SVR) predictive model, the present invention has following characteristics:

1.本发明能够实现变量稀疏,解决多重共线性问题和过拟合等问题。1. The present invention can realize variable sparseness and solve problems such as multicollinearity and overfitting.

本发明主要是采用LASSO算法结合最小二乘法定义一个代价函数,基于训练数据,结合交叉验证与LARS算法求解稀疏解,实现参数收缩与选择,从而实现变量选择的同时解决了多重共线性问题。此外,LASSO算法在目标函数中引入了L1正则化项,通过正则化系数权衡正则化项与平方误差项之间的比重,在一定程度上防止了模型过拟合的情况。The present invention mainly uses the LASSO algorithm combined with the least squares method to define a cost function, and based on the training data, combines the cross-validation and the LARS algorithm to solve the sparse solution, realizes parameter contraction and selection, and solves the problem of multicollinearity while realizing variable selection. In addition, the LASSO algorithm introduces an L1 regularization term in the objective function, and weighs the proportion between the regularization term and the square error term through the regularization coefficient, which prevents the model from overfitting to a certain extent.

2.本发明有较强的泛化能力以及结果解释能力。2. The present invention has strong generalization ability and result interpretation ability.

本发明综合考虑了多种影响船舶油耗预测的可能因素,在未知测试数据集上能够得到准确的油耗预测结果,并且能够较好地预测影响因素突变造成的油耗量突变,具有较强的泛化能力和对预测结果的解释能力。。The present invention comprehensively considers a variety of possible factors affecting the fuel consumption prediction of ships, can obtain accurate fuel consumption prediction results on unknown test data sets, and can better predict fuel consumption mutations caused by mutations of influencing factors, and has strong generalization ability and ability to interpret predictions. .

附图说明Description of drawings

图1为本发明中一种根据海况与操纵条件预测船舶油耗的方法组成框图;Fig. 1 is a block diagram of a method for predicting fuel consumption of ships according to sea conditions and maneuvering conditions in the present invention;

图2为LASSO、BP-ANN和SVR预测模型预测结果对比图;Figure 2 is a comparison chart of prediction results of LASSO, BP-ANN and SVR prediction models;

图3为LASSO、BP-ANN和SVR预测模型预测结果的累计分数对比图;Figure 3 is a comparison chart of cumulative scores of prediction results of LASSO, BP-ANN and SVR prediction models;

图4为LASSO、BP-ANN和SVR预测模型预测结果的平均绝对误差值。Figure 4 shows the average absolute error values of the prediction results of LASSO, BP-ANN and SVR prediction models.

具体实施方式detailed description

下面结合附图详细描述本发明提供的一种根据海况与操纵条件预测船舶油耗的方法。图1为一种根据海况与操纵条件预测船舶油耗的方法组成框图。A method for predicting fuel consumption of ships according to sea conditions and maneuvering conditions provided by the present invention will be described in detail below in conjunction with the accompanying drawings. Figure 1 is a block diagram of a method for predicting fuel consumption of ships based on sea conditions and handling conditions.

如图1,本发明模型的构建主要包括五个步骤:步骤(1)原始数据采集。主要采用不同的设备及途径采集气候海况数据、船舶航行状态数据和船舶操纵数据;步骤(2)数据预处理。针对(1)中采集的原始数据进行数据筛选,对数据去噪、裁剪和同步等处理,然后集成来自多个数据源的数据同时去除冗余,最后对集成的数据进行统一的归一化处理,得到模型训练数据集;步骤(3)建立油耗预测模型。根据步骤(2)中训练数据集的分布特点以及经验假设输入特征变量与对应预测输出变量之间满足线性关系,建立多元线性回归预测模型;步骤(4)参数学习与模型训练。基于步骤(2)中得到的训练数据,采用LASSO算法定义一个代价函数,并转换为求解L1约束下平方误差损失最小化的凸二次规划问题,最终结合交叉验证与LARS算法对模型参数进行学习,并采用Osborne对偶算法求解LASSO估计。最后将LASSO估计值代入步骤(3)中建立的油耗预测模型中,得到训练后的油耗预测模型;步骤(5)模型应用。将未知的气象海况数据和船舶操纵数据输入步骤(4)中得到的油耗预测模型中,可以输出最终的油耗预测结果。As shown in Fig. 1, the construction of the model of the present invention mainly includes five steps: step (1) raw data collection. Mainly use different equipment and ways to collect climate and sea state data, ship navigation status data and ship maneuvering data; step (2) data preprocessing. Perform data screening on the raw data collected in (1), perform data denoising, cropping, and synchronization processing, then integrate data from multiple data sources while removing redundancy, and finally perform unified normalization processing on the integrated data , to obtain a model training data set; step (3) to establish a fuel consumption prediction model. According to the distribution characteristics of the training data set in step (2) and the empirical assumption that the input feature variable and the corresponding predicted output variable satisfy a linear relationship, a multiple linear regression prediction model is established; step (4) parameter learning and model training. Based on the training data obtained in step (2), the LASSO algorithm is used to define a cost function, which is transformed into a convex quadratic programming problem for the minimization of the square error loss under the L 1 constraint, and the model parameters are finally combined with cross-validation and LARS algorithm Learn, and use the Osborne dual algorithm to solve the LASSO estimate. Finally, the LASSO estimated value is substituted into the fuel consumption prediction model established in step (3) to obtain the trained fuel consumption prediction model; step (5) model application. Inputting the unknown meteorological and sea state data and ship maneuvering data into the fuel consumption prediction model obtained in step (4), can output the final fuel consumption prediction result.

步骤一:原始数据采集Step 1: Raw Data Collection

原始数据主要包括气象海况数据、船舶航行历史数据和船舶操纵数据。气象数据主要来自气象局发布的气象预报信息,海况数据一些传感器间接测量,船舶航行历史数据和操纵数据通过航行日志正午报告和安装在船上的高速、高精度传感器组件获取,最后将数据传送至数据库服务器进行存储和分析。为了进行船舶油耗预测,需要采集的信号包括油耗、燃油密度、燃油温度、纵倾角、横倾角、舷高、螺距、舵角、真航向、偏航角、吃水、风角、风速、对水速度、对地速度、经度、纬度,其中油耗作为输出响应,其他变量作为模型的输入变量。The original data mainly include meteorological and sea state data, ship navigation history data and ship maneuvering data. Meteorological data mainly comes from weather forecast information released by the Meteorological Bureau, sea state data is indirectly measured by some sensors, ship navigation history data and maneuvering data are obtained through the noon report of the sailing log and high-speed, high-precision sensor components installed on the ship, and finally the data is transmitted to the database server for storage and analysis. In order to predict the fuel consumption of ships, the signals that need to be collected include fuel consumption, fuel density, fuel temperature, trim angle, heel angle, ship height, pitch, rudder angle, true heading, yaw angle, draft, wind angle, wind speed, and water speed , ground speed, longitude, and latitude, in which fuel consumption is used as the output response, and other variables are used as input variables of the model.

步骤二:数据预处理Step 2: Data preprocessing

数据预处理是保证高质量的模型预测结果的前提。实际中采集的海量原始数据中一般存在着大量不完整、不一致、重复、高维度且含噪声的数据,严重影响了机器学习算法的执行效率和模型的复杂度。本发明中对步骤一中采集的原始数据通过数据筛选、数据集成和归一化处理得到样本数据集。Data preprocessing is the premise to ensure high-quality model prediction results. There are generally a large number of incomplete, inconsistent, repetitive, high-dimensional and noisy data in the massive raw data collected in practice, which seriously affects the execution efficiency of machine learning algorithms and the complexity of the model. In the present invention, the original data collected in step 1 is processed through data screening, data integration and normalization to obtain a sample data set.

步骤三:建立油耗预测模型Step 3: Establish a fuel consumption prediction model

由于船舶油耗是有多种因素共同作用的结果,假设油耗与各影响因素之间满足线性关系,因此采用多元线性回归建立预测模型,油耗预测模型可用以下式子表示:Since the fuel consumption of a ship is the result of multiple factors acting together, it is assumed that the fuel consumption and each influencing factor satisfy a linear relationship, so multiple linear regression is used to establish a prediction model, and the fuel consumption prediction model can be expressed by the following formula:

yi=βTxi+∈i(1)y i = β T x i +∈ i (1)

式中,xi表示第i个样本,yi是第i个样本对应的响应变量,即油耗。∈i是服从正态分布的随机误差,β=(β12,…,βp)T是回归系数变量,其中βj表示第j个回归系数。In the formula, x i represents the i-th sample, and y i is the response variable corresponding to the i-th sample, that is, fuel consumption. ∈ i is a random error that obeys normal distribution, β=(β 12 ,…,β p ) T is the regression coefficient variable, where β j represents the jth regression coefficient.

步骤四:参数学习与模型训练Step 4: Parameter learning and model training

由于影响油耗的因素之间可能存在高度相关性,比如风速和浪高,气压和风的强度,货物重量和吃水等,为了保证步骤四中各输入变量之间相互独立,本发明中采用LASSO算法进行参数收缩与变量选择。LASSO算法可被表示为如下求解L1约束下平方误差损失最小的问题:Because there may be a high degree of correlation between factors that affect fuel consumption, such as wind speed and wave height, air pressure and wind strength, cargo weight and draft, etc., in order to ensure that each input variable in step 4 is independent of each other, the present invention adopts the LASSO algorithm. Parameter shrinkage and variable selection. The LASSO algorithm can be expressed as solving the problem of minimizing the square error loss under the L1 constraint as follows:

式中,N表示样本大小,p表示每个样本包含的输入变量数目,xij表示第i个样本对应的第j个输入变量,βj表示第j个输入变量对应的回归系数,t表示预先设定的决定正则化程度的自由参数,t≥0。In the formula, N represents the sample size, p represents the number of input variables contained in each sample, x ij represents the jth input variable corresponding to the i-th sample, β j represents the regression coefficient corresponding to the j-th input variable, and t represents the prior The set free parameter that determines the degree of regularization, t≥0.

将(2)式表示为矩阵形式:Express (2) in matrix form:

s.t.||βj||1≤t (3)st||β j || 1 ≤ t (3)

因为所以,because so,

式(3)可以重新写为:Equation (3) can be rewritten as:

s.t.||βj||1≤t (5)st||β j || 1 ≤ t (5)

拉格朗日乘子法表示为:The Lagrange multiplier method is expressed as:

式中,λ≥0为调节参数,权衡误差平方项与L1正则化项的比重。本发明中采用交叉验证法与LARS算法相结合,计算参数正则化路径,同时求解式(6)中的参数λ,λ对应所有交叉验证结果的平均值中最小的那个均方误差对应的λ值。然后采用Osborne对偶算法求解LASSO估计。最后将LASSO估计值代入式(1)中求得油耗预测模型。In the formula, λ≥0 is an adjustment parameter, which weighs the proportion of the error square term and the L 1 regularization term. In the present invention, the combination of the cross-validation method and the LARS algorithm is adopted to calculate the parameter regularization path, and simultaneously solve the parameter λ in the formula (6), and λ corresponds to the λ value corresponding to the smallest mean square error in the mean value of all cross-validation results . Then the Osborne dual algorithm is used to solve the LASSO estimate. Finally, the estimated value of LASSO is substituted into formula (1) to obtain the fuel consumption prediction model.

步骤五:模型应用Step Five: Model Application

将气象海况条件和船舶操纵条件数据输入步骤四中训练得到的油耗预测模型中,可以预测得到船舶在该气象海况条件和操纵条件下的燃油消耗量。通过预测的油耗值根据油耗与航速之间的立方函数关系推算出未来船舶航行的速度,从而指导船员在保证航行安全的前提下,在规定船期内,以低油耗、低排放、高效益的操纵方案航行。Inputting the meteorological and sea state conditions and ship maneuvering condition data into the fuel consumption prediction model trained in step 4 can predict the fuel consumption of the ship under the weather and sea state conditions and maneuvering conditions. The predicted fuel consumption value is used to calculate the future ship's sailing speed according to the cubic function relationship between fuel consumption and sailing speed, so as to guide the crew to use low fuel consumption, low emission and high efficiency within the specified sailing period on the premise of ensuring safe sailing. Steering plan sailing.

如图2为LASSO、BP-ANN和SVR预测模型预测结果对比图。图中显示了将20组未知的气象海况数据和船舶操纵数据输入三种油耗预测模型中,输出的最终油耗预测结果和真实油耗值。从图中可以看出,在相同的航行条件下,LASSO预测模型对油耗的预测更准确,对航行环境的改变更敏感,而且预测结果更稳定。Figure 2 is a comparison chart of prediction results of LASSO, BP-ANN and SVR prediction models. The figure shows that 20 sets of unknown meteorological and sea state data and ship maneuvering data are input into three fuel consumption prediction models, and the final fuel consumption prediction results and real fuel consumption values are output. It can be seen from the figure that under the same navigation conditions, the LASSO prediction model is more accurate in predicting fuel consumption, more sensitive to changes in the navigation environment, and the prediction results are more stable.

如图3为LASSO、BP-ANN和SVR预测模型预测结果的累计分数对比图。平均绝对误差(MAE)是指预测值与真实值之差的绝对值求平均值的结果。累计分数定义为:Figure 3 is a comparison chart of cumulative scores of prediction results of LASSO, BP-ANN and SVR prediction models. The mean absolute error (MAE) refers to the result of averaging the absolute value of the difference between the predicted value and the true value. The cumulative score is defined as:

其中,M是未知数据集的大小,Me<δ表示预测结果的绝对误差小于δ吨/天的数据集大小。从图中可以看出LASSO模型的预测结果与真实值之间的误差相比BP-ANN模型和SVR模型要小,预测精度更高。Among them, M is the size of the unknown data set, and Me<δ means that the absolute error of the prediction result is smaller than the size of the data set of δ tons/day. It can be seen from the figure that the error between the prediction result of the LASSO model and the real value is smaller than that of the BP-ANN model and the SVR model, and the prediction accuracy is higher.

如图4为LASSO、BP-ANN和SVR预测模型预测结果的平均绝对误差值比较结果,该结果是在5000个测试集基础上得到。从中可以看出,LASSO模型的预测结果的平均绝对误差最小,平均绝对误差的变化范围也最小。Figure 4 shows the comparison results of the average absolute error values of the prediction results of LASSO, BP-ANN and SVR prediction models, which are obtained on the basis of 5000 test sets. It can be seen that the average absolute error of the prediction results of the LASSO model is the smallest, and the variation range of the average absolute error is also the smallest.

本领域的技术人员可以对本发明进行各种改型和改变。因此,本发明覆盖了落入所附的权利要求书及其等同物的范围内的各种改型和改变。Various modifications and changes can be made to the present invention by those skilled in the art. Thus, the present invention covers the modifications and changes that come within the scope of the appended claims and their equivalents.

Claims (1)

1. a kind of method that ship oil consumption is predicted according to sea situation and operating condition, it is characterised in that it is described according to sea situation with manipulate The method of conditional forecasting ship oil consumption includes following five steps:
Raw data acquisition step:The Weather Forecast Information from weather bureau's issue is collected as meteorological data;By sensor Sea state data is measured indirectly;Ship's navigation historical data is obtained by log noon report;By installing biography aboard ship Sensor component obtains Ship Controling data;Data above is finally sent to database server storage;
Data prediction step:Data screening is carried out for the initial data gathered in raw data acquisition step, data are gone Make an uproar, cut and synchronization process, then the integrated data from multiple data sources remove redundancy simultaneously, and finally integrated data are entered The unified normalized of row, obtains model training data set;
Oil consumption forecast model establishment step:According to the characteristic distributions of training dataset and empirical hypothesis in data prediction step Meet linear relationship between input feature vector variable and corresponding prediction output variable, set up Multiple Linear Regression Forecasting Models of Chinese;
Parameter learning and model training step:It is fixed using LASSO algorithms based on the training data obtained in data prediction step An adopted cost function, and be converted to solution L1The convex quadratic programming problem of the lower square error minimization of loss of constraint, most terminates Close cross validation to learn model parameter with LARS algorithms, and LASSO is solved using Osborne Conjugate Search Algorithms and estimate;Most In LASSO estimates substitution oil consumption forecast model establishment step is set up oil consumption forecast model afterwards, the oil consumption after being trained Forecast model;
Model applying step:Unknown meteorological sea state data and Ship Controling data input oil consumption forecast model establishment step are obtained To oil consumption forecast model in, export final oil consumption and predict the outcome.
CN201611001429.8A 2016-11-14 2016-11-14 A kind of method that ship oil consumption is predicted according to sea situation and operating condition Pending CN106779137A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201611001429.8A CN106779137A (en) 2016-11-14 2016-11-14 A kind of method that ship oil consumption is predicted according to sea situation and operating condition

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201611001429.8A CN106779137A (en) 2016-11-14 2016-11-14 A kind of method that ship oil consumption is predicted according to sea situation and operating condition

Publications (1)

Publication Number Publication Date
CN106779137A true CN106779137A (en) 2017-05-31

Family

ID=58968058

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201611001429.8A Pending CN106779137A (en) 2016-11-14 2016-11-14 A kind of method that ship oil consumption is predicted according to sea situation and operating condition

Country Status (1)

Country Link
CN (1) CN106779137A (en)

Cited By (21)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107292451A (en) * 2017-07-18 2017-10-24 上海海阳气象导航技术有限公司 A kind of ship speed optimization method and equipment
CN107545785A (en) * 2017-07-21 2018-01-05 华南理工大学 A kind of river channel running method based on big data
CN107944648A (en) * 2018-01-08 2018-04-20 中国船舶工业系统工程研究院 A kind of accurate Forecasting Methodology of large ship speed of a ship or plane rate of fuel consumption
CN108564237A (en) * 2017-12-13 2018-09-21 中国银联股份有限公司 A kind of Capacity Evaluation Model method for building up, capacity evaluating method and device
CN109710879A (en) * 2017-08-17 2019-05-03 中国水利水电科学研究院 Optimal processing method and device for flood control forecasting system
CN109743019A (en) * 2018-12-21 2019-05-10 中国计量大学 System and method for hot spot temperature prediction and hot spot location based on meteorological factors
CN110046735A (en) * 2018-12-10 2019-07-23 南京航空航天大学 Aircraft based on flying quality analysis is left the theatre fuel consumption appraisal procedure
CN110826790A (en) * 2019-10-31 2020-02-21 天津大学 An intelligent prediction method for construction productivity of cutter suction dredger
CN110849411A (en) * 2018-08-21 2020-02-28 上海博泰悦臻网络技术服务有限公司 Internet of vehicles server, vehicle and vehicle condition evaluation method based on driving oil consumption data
CN111476484A (en) * 2020-04-07 2020-07-31 上海船舶研究设计院(中国船舶工业集团公司第六0四研究院) Ship fuel consumption reason analysis method and device
CN112149909A (en) * 2020-09-28 2020-12-29 神华中海航运有限公司 Ship oil consumption prediction method and device, computer equipment and storage medium
CN112836893A (en) * 2021-02-26 2021-05-25 上海海事大学 A method for predicting the fuel consumption of ships under severe sea conditions based on sea conditions and ship sailing conditions
CN112925201A (en) * 2021-01-20 2021-06-08 北京大学 Model prediction control-based fuel control method for ship propulsion system
CN112977754A (en) * 2021-04-07 2021-06-18 梧州欣欣科技发展有限公司 Oil consumption analysis method suitable for running of inland ship
US20220194533A1 (en) * 2019-02-07 2022-06-23 Shell Oil Company Method and system for reducing vessel fuel consumption
CN114780644A (en) * 2022-06-17 2022-07-22 鹏城实验室 A ship navigation data processing method, device, equipment and storage medium
CN115147000A (en) * 2022-07-27 2022-10-04 天津大学 Method for evaluating environment suitability of laying hen house based on variable selection optimization and AHP
CN115456451A (en) * 2022-09-28 2022-12-09 中远海运科技股份有限公司 Ship oil consumption estimation method and system based on AIS
CN115660137A (en) * 2022-09-07 2023-01-31 中远海运科技股份有限公司 Method for accurately estimating wind wave navigation energy consumption of ship
CN118966981A (en) * 2024-10-21 2024-11-15 江西省国利建设集团有限公司 A grouting system and method for housing engineering construction
CN119046777A (en) * 2024-11-01 2024-11-29 天津云遥宇航科技有限公司 Method for establishing ship fuel consumption based on support vector machine regression deep learning algorithm

Citations (2)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20110208377A1 (en) * 2007-08-14 2011-08-25 Propeller Control Aps Efficiency optimizing propeller speed control for ships
CN104463381A (en) * 2015-01-04 2015-03-25 福州大学 Building energy consumption predication method based on KPCA and WLSSVM

Patent Citations (2)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20110208377A1 (en) * 2007-08-14 2011-08-25 Propeller Control Aps Efficiency optimizing propeller speed control for ships
CN104463381A (en) * 2015-01-04 2015-03-25 福州大学 Building energy consumption predication method based on KPCA and WLSSVM

Non-Patent Citations (2)

* Cited by examiner, † Cited by third party
Title
叶睿 等: "基于人工神经网络的船舶油耗模型", 《船舶工程》 *
周雁舟 等: "基于LASSO-LARS的软件复杂性度量属性特征选择研究", 《计算机科学》 *

Cited By (31)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107292451B (en) * 2017-07-18 2020-11-03 上海海阳气象导航技术有限公司 Ship speed optimization method and equipment
CN107292451A (en) * 2017-07-18 2017-10-24 上海海阳气象导航技术有限公司 A kind of ship speed optimization method and equipment
CN107545785A (en) * 2017-07-21 2018-01-05 华南理工大学 A kind of river channel running method based on big data
CN109710879A (en) * 2017-08-17 2019-05-03 中国水利水电科学研究院 Optimal processing method and device for flood control forecasting system
CN108564237A (en) * 2017-12-13 2018-09-21 中国银联股份有限公司 A kind of Capacity Evaluation Model method for building up, capacity evaluating method and device
CN107944648A (en) * 2018-01-08 2018-04-20 中国船舶工业系统工程研究院 A kind of accurate Forecasting Methodology of large ship speed of a ship or plane rate of fuel consumption
CN107944648B (en) * 2018-01-08 2021-06-18 中国船舶工业系统工程研究院 Large ship speed and oil consumption rate prediction method
CN110849411A (en) * 2018-08-21 2020-02-28 上海博泰悦臻网络技术服务有限公司 Internet of vehicles server, vehicle and vehicle condition evaluation method based on driving oil consumption data
CN110046735B (en) * 2018-12-10 2021-02-26 南京航空航天大学 Aircraft departure fuel oil consumption evaluation method based on flight data analysis
CN110046735A (en) * 2018-12-10 2019-07-23 南京航空航天大学 Aircraft based on flying quality analysis is left the theatre fuel consumption appraisal procedure
CN109743019A (en) * 2018-12-21 2019-05-10 中国计量大学 System and method for hot spot temperature prediction and hot spot location based on meteorological factors
CN109743019B (en) * 2018-12-21 2023-09-19 中国计量大学 System and method for hot spot temperature prediction and hot spot positioning based on meteorological factors
US20220194533A1 (en) * 2019-02-07 2022-06-23 Shell Oil Company Method and system for reducing vessel fuel consumption
CN110826790A (en) * 2019-10-31 2020-02-21 天津大学 An intelligent prediction method for construction productivity of cutter suction dredger
CN111476484A (en) * 2020-04-07 2020-07-31 上海船舶研究设计院(中国船舶工业集团公司第六0四研究院) Ship fuel consumption reason analysis method and device
CN111476484B (en) * 2020-04-07 2024-03-12 上海船舶研究设计院(中国船舶工业集团公司第六0四研究院) Ship fuel consumption high cause analysis method and device
CN112149909A (en) * 2020-09-28 2020-12-29 神华中海航运有限公司 Ship oil consumption prediction method and device, computer equipment and storage medium
CN112925201A (en) * 2021-01-20 2021-06-08 北京大学 Model prediction control-based fuel control method for ship propulsion system
CN112925201B (en) * 2021-01-20 2022-01-28 北京大学 Model prediction control-based fuel control method for ship propulsion system
CN112836893B (en) * 2021-02-26 2024-05-14 上海海事大学 Method for predicting ship oil consumption under severe sea conditions based on sea condition and ship navigation condition
CN112836893A (en) * 2021-02-26 2021-05-25 上海海事大学 A method for predicting the fuel consumption of ships under severe sea conditions based on sea conditions and ship sailing conditions
CN112977754A (en) * 2021-04-07 2021-06-18 梧州欣欣科技发展有限公司 Oil consumption analysis method suitable for running of inland ship
CN114780644A (en) * 2022-06-17 2022-07-22 鹏城实验室 A ship navigation data processing method, device, equipment and storage medium
CN114780644B (en) * 2022-06-17 2022-09-13 鹏城实验室 Ship navigation data processing method, device, equipment and storage medium
CN115147000A (en) * 2022-07-27 2022-10-04 天津大学 Method for evaluating environment suitability of laying hen house based on variable selection optimization and AHP
CN115660137B (en) * 2022-09-07 2023-08-11 中远海运科技股份有限公司 Accurate estimation method for wind wave navigation energy consumption of ship
CN115660137A (en) * 2022-09-07 2023-01-31 中远海运科技股份有限公司 Method for accurately estimating wind wave navigation energy consumption of ship
CN115456451B (en) * 2022-09-28 2023-10-31 中远海运科技股份有限公司 AIS-based ship oil consumption estimation method and system
CN115456451A (en) * 2022-09-28 2022-12-09 中远海运科技股份有限公司 Ship oil consumption estimation method and system based on AIS
CN118966981A (en) * 2024-10-21 2024-11-15 江西省国利建设集团有限公司 A grouting system and method for housing engineering construction
CN119046777A (en) * 2024-11-01 2024-11-29 天津云遥宇航科技有限公司 Method for establishing ship fuel consumption based on support vector machine regression deep learning algorithm

Similar Documents

Publication Publication Date Title
CN106779137A (en) A kind of method that ship oil consumption is predicted according to sea situation and operating condition
Xue et al. System identification of ship dynamic model based on Gaussian process regression with input noise
Li et al. Physics-informed meta learning for machining tool wear prediction
CN119249073B (en) Building health monitoring and evaluating method and system based on physical neural network
Silva et al. Data-Driven system identification of 6-DoF ship motion in waves with neural networks
Han et al. Surrogate-based optimization
He et al. Nonparametric modeling of ship maneuvering motion based on self-designed fully connected neural network
CN114254561A (en) Waterlogging prediction method, waterlogging prediction system and storage medium
Zhang et al. A data driven method for multi-step prediction of ship roll motion in high sea states
CN108960421B (en) Improved online forecasting method for speed of unmanned surface vehicle based on BP neural network
CN113657814B (en) Aviation network risk prediction method and risk grade evaluation method
CN110852158B (en) A radar human motion status classification algorithm and system based on model fusion
CN112836893A (en) A method for predicting the fuel consumption of ships under severe sea conditions based on sea conditions and ship sailing conditions
CN114357872A (en) Ship motion black box identification modeling and motion prediction method based on stacking model fusion
CN115271186B (en) Reservoir water level prediction and early warning method based on delay factor and PSO RNN Attention model
Cai et al. Diversity, quality, and quantity of real ship data on the black-box and gray-box prediction models of ship fuel consumption
Bai et al. Grid index subspace constructed locally weighted learning identification modeling for high dimensional ship maneuvering system
CN108984851B (en) Weighted Gaussian model soft measurement modeling method with time delay estimation
CN118033784A (en) Meteorological prediction method and system for micro-topography overhead transmission line
CN119442487A (en) A ship resistance prediction method and system based on physical information neural network
CN110990938B (en) Soft measurement method for tunnel face in rock digging state
Guo et al. Domain-adapted feature transfer: A generalized framework for short-term vessel speed prediction
CN119862771A (en) Dynamic registration method, system, equipment, medium and product of digital twin living body of capital construction based on deep neural network
He et al. A ship navigation risk online prediction model based on informer network using multi-source data
CN118981695A (en) A weather forecasting method based on explainable deep learning

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: 20170531

RJ01 Rejection of invention patent application after publication