CN109559315A - A kind of water surface dividing method based on multipath deep neural network - Google Patents
A kind of water surface dividing method based on multipath deep neural network Download PDFInfo
- Publication number
- CN109559315A CN109559315A CN201811138311.9A CN201811138311A CN109559315A CN 109559315 A CN109559315 A CN 109559315A CN 201811138311 A CN201811138311 A CN 201811138311A CN 109559315 A CN109559315 A CN 109559315A
- Authority
- CN
- China
- Prior art keywords
- network
- image
- path
- design
- training
- 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.)
- Granted
Links
Classifications
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06T—IMAGE DATA PROCESSING OR GENERATION, IN GENERAL
- G06T7/00—Image analysis
- G06T7/10—Segmentation; Edge detection
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/04—Architecture, e.g. interconnection topology
- G06N3/045—Combinations of networks
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/08—Learning methods
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06T—IMAGE DATA PROCESSING OR GENERATION, IN GENERAL
- G06T2207/00—Indexing scheme for image analysis or image enhancement
- G06T2207/10—Image acquisition modality
- G06T2207/10016—Video; Image sequence
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06T—IMAGE DATA PROCESSING OR GENERATION, IN GENERAL
- G06T2207/00—Indexing scheme for image analysis or image enhancement
- G06T2207/20—Special algorithmic details
- G06T2207/20081—Training; Learning
Landscapes
- Engineering & Computer Science (AREA)
- Physics & Mathematics (AREA)
- Theoretical Computer Science (AREA)
- General Physics & Mathematics (AREA)
- General Health & Medical Sciences (AREA)
- General Engineering & Computer Science (AREA)
- Biophysics (AREA)
- Computational Linguistics (AREA)
- Data Mining & Analysis (AREA)
- Evolutionary Computation (AREA)
- Artificial Intelligence (AREA)
- Molecular Biology (AREA)
- Computing Systems (AREA)
- Biomedical Technology (AREA)
- Life Sciences & Earth Sciences (AREA)
- Mathematical Physics (AREA)
- Software Systems (AREA)
- Health & Medical Sciences (AREA)
- Computer Vision & Pattern Recognition (AREA)
- Image Analysis (AREA)
- Image Processing (AREA)
Abstract
The present invention relates to a kind of water surface dividing methods based on multipath deep neural network, including the following steps: collects the image comprising various different classes of objects, and marks all attention objects in every image;Image set divides;Design is based on multipath deep neural network structure, effectively to realize object detection, semantic segmentation network is formed in parallel by the convolutional neural networks in three paths, it is connected by the expansion convolution of three different expansion rates in each path, the following number of each expansion convolution represents the expansion rate of expansion convolution, expansion convolution in each path is connected and between path using mid-span using dense structure, keeps receptive field denser;Design decoding network;Cost function is lost needed for project training process, and selects the parameter of the suitable designed network of method initialization;Model training.
Description
Technical field
It is the invention belongs to deep learning and field of neural networks, in particular to a kind of based on multipath deep neural network
Water surface dividing method.
Background technique
Deep learning (Deep Learning, DL) rapidly develops in recent years, has been widely used for computer vision
The fields such as (Computer Vison, CV) and natural language processing (Natural Language Processing, NLP).
The unmanned water surface is a very promising direction, is explored in ocean, the fields such as emergency searching and rescuing and national defence
There is relatively broad application.In the water surface is unmanned, it would be desirable to be partitioned into the travelable region of ship on the water surface.
Semantic segmentation method at this stage is mainly for natural scene and street scene, in water surface automatic Pilot, we
The water surface scene and above-mentioned scene for needing to divide are very different.The reflection of water surface sunlight and wave all have very segmentation result
Big influence.Ship collision accident in order to prevent, the speed of method are also a critically important index.
Semantic segmentation method leading at this stage has FCN [1], SegNet [2] and DeepLab [3-6] series.FCN is one
Neural network structure end to end is planted, it replaces the full articulamentum of traditional convolutional neural networks with convolutional layer, and this method exists
Network performance is improved to a certain extent but image detail is handled bad.SegNet is a kind of network structure of encoding and decoding, it
The full articulamentum of traditional convolutional neural networks up-sampling is replaced, final softmax layer exports the probability of each pixel.
DeepLab serial algorithm is current state-of-the-art semantic segmentation algorithm, by using expansion convolution, multiple dimensioned and condition random field
The methods of substantially increase the performance of neural network.
[1]Long J,Shelhamer E,Darrell T.Fully convolutional networks for
semantic segmentation[C]//Computer Vision and Pattern Recognition.IEEE,2015:
3431-3440.
[2]Badrinarayanan V,Kendall A,Cipolla R.SegNet:A Deep Convolutional
Encoder-Decoder Architecture for Scene Segmentation.[J].IEEE Transactions on
Pattern Analysis&Machine Intelligence,2017,PP(99):2481-2495.
[3]Chen L C,Papandreou G,Kokkinos I,et al.Semantic Image Segmentation
with Deep Convolutional Nets and Fully Connected CRFs[J].Computer Science,
2014(4):357-361.
[4]Chen L C,Papandreou G,Kokkinos I,et al.DeepLab:Semantic Image
Segmentation with Deep Convolutional Nets,Atrous Convolution,and Fully
Connected CRFs.arXiv preprint arXiv:1606.00915,2016
[5]Chen L C,Papandreou G,Schroff F,et al.Rethinking Atrous
Convolution for Semantic Image Segmentation[J].2017.
[6]Chen L C,Yukun Zhu,Papandreou G,Schroff F,et al.Encoder-Decoder
with Atrous Separable Convolution for Semantic Image Segmentation.arXiv
preprint arXiv:1802.02611,2018.
Summary of the invention
The invention proposes a kind of neural network structures using three pathdepths connection expansion convolution, to reinforce different languages
The connection of adopted level achievees the purpose that improve network performance.Technical solution is as follows:
A kind of water surface dividing method based on multipath deep neural network, including the following steps:
(1) image comprising various different classes of objects is collected, and marks all attention objects in every image, is marked
The affiliated object category for infusing each pixel of content, using it as image tag information.
(2) image set divides.The image of collection is divided into training set, verifying collection and test set, training set is for training
Convolutional neural networks, for selecting optimal training pattern, test set is follow-up test modelling effect or actually answers verifying collection
Used time uses.
(3) design is based on multipath deep neural network structure, effectively to realize object detection.
1) core network is designed.
2) design semantic divides network: being formed in parallel by the convolutional neural networks in three paths, each path is by three differences
The expansion convolution of expansion rate is connected, and the following number of each expansion convolution represents the expansion rate of expansion convolution, is rolled up in each expansion
Lamination introduces 1 × 1 convolutional layer to reduce port number, connects the expansion convolution in each path using dense structure and on road
Mid-span is used between diameter, keeps receptive field denser.
3) it designs decoding network: the output of semantic segmentation network is up-sampled, it is semantic special with the low-level in core network
Sign is up-sampled after being added by one 3 × 3 convolutional layer again, obtains final segmentation result.
4) cost function is lost needed for project training process, and suitable method is selected to initialize designed network
Parameter.
(4) input data, forward calculation prediction result and loss cost, pass through the gradient of back-propagation algorithm calculating parameter
And undated parameter.The undated parameter of iteration, when cost function curve convergence, model training is finished.
(5) trained model is applied in test/practical application, when input picture, can be counted by the model
Calculation obtains image, semantic segmentation result, assists the decision in practical application scene.
For the present invention in coding structure, the present invention expands convolution using three paths to obtain the characteristic pattern of different scale.For
Image detail is preferably extracted, present invention employs the expansion convolution of different expansion rates and with depth mid-span by different scale
Fusion Features.In decoding structure, the present invention combines the characteristic pattern of the characteristic pattern of low layer semanteme and high-level semantic, further
Network is improved to the processing capacity of image detail.In addition after each expansion convolutional layer, the present invention passes through the volume of introducing 1 × 1
Lamination reduces port number, to achieve the purpose that reduce calculation amount, network is made to be easier to train.The present invention is in the same of improving performance
When, it is more likely to the processing of image detail, is also had great advantage in terms of efficiency, there is stronger practicability and universality.
Detailed description of the invention
Fig. 1 multipath deep neural network structure
Fig. 2 water surface automatic Pilot
Specific embodiment
Technical solution of the present invention will be described by taking water surface automatic Pilot as an example below.
In water surface automatic Pilot, needs to be partitioned into the travelable region of ship from the image that camera obtains and float
Mark, ship, the barriers such as reef, upon occurrence of an emergency situation, it is desirable that system can quickly make a response, and this requires our methods
Accuracy rate and speed need to be combined.
Apply the present invention in practical semantic segmentation task, include three steps: preparing data set;Design simultaneously training net
Network;Test training pattern.Specific steps are described as follows:
Step 1: preparing training data set used.
1) suitable data set is selected.Common semantic segmentation data set has Pascal VOC at this stage, for driving automatically
The Cityscapes and KITTI sailed.In view of the particularity of aquatic environment, the present invention divides data using the water surface of oneself mark
Collection.
2) data set is handled.Data set is divided into training dataset, validation data set and test data set.Training dataset
For training pattern, validation data set is used to regulating networks structure and adjustment model parameter, and test data set is used to evaluation model
Final performance.
3) data enhance.In order to further increase the segmentation precision of model, training dataset can be overturn using random, with
Machine is cut, the methods of random scaling.
Step 2: designing and training network.
5) core network is designed.Core network is mainly by modules groups such as multiple volume bases, pond layer, nonlinear activation layers
At.In order to which the initialization model that can use on ImageNet initializes network, the core network of this patent chooses warp
The ResNet-101 of allusion quotation.
6) design semantic divides network.Network is formed in parallel by the convolutional neural networks in three paths, and each path is by three
The expansion convolution of different expansion rates is connected, and specific structure is as shown in Figure 1.Wherein the following number of each expansion convolution represents expansion
The expansion rate of convolution, the structure realize the multiple dimensioned concept of semantic segmentation network of the invention.The present invention uses dense structure
It connects the expansion convolution in each path and between path using mid-span, keeps receptive field denser.
7) decoding network is designed.The output of semantic segmentation network is up-sampled, it is semantic special with the low-level in core network
Sign is up-sampled after being added by one 3 × 3 convolutional layer again, obtains final segmentation result.
8) suitable loss function is selected, training the number of iterations, initiation parameter are set.
Step 3: training is of the invention to be used for semantic segmentation based on multipath deep neural network.
By training data batch input neural network, the specific steps are as follows:
A) training data is inputted from core network, carries out propagated forward.
B) loss function and backpropagation are calculated, network weight is updated using gradient descent method.
C) operation of circulation a) and b), loss function convergence, obtains trained weight.
Step 4: trained model is applied in test or practical application
1) test set: inputting network for test set image, and the mark for obtaining semantic segmentation result and test set compares, and calculates
MIOU out, the quality of evaluation model.
2) practical application: the water surface video image or previously stored practical water surface video input net that camera is obtained
Network obtains the result of semantic segmentation.
In order to verify effect of the invention, we compare current effect preferable FCN, SegNet and DeepLab, test number
According to for 2012 data set of Pascal VOC widely used in semantic segmentation.Table 1 gives contrast and experiment.
1 contrast and experiment of table
Claims (1)
Priority Applications (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN201811138311.9A CN109559315B (en) | 2018-09-28 | 2018-09-28 | A Water Surface Segmentation Method Based on Multipath Deep Neural Network |
Applications Claiming Priority (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN201811138311.9A CN109559315B (en) | 2018-09-28 | 2018-09-28 | A Water Surface Segmentation Method Based on Multipath Deep Neural Network |
Publications (2)
| Publication Number | Publication Date |
|---|---|
| CN109559315A true CN109559315A (en) | 2019-04-02 |
| CN109559315B CN109559315B (en) | 2023-06-02 |
Family
ID=65864777
Family Applications (1)
| Application Number | Title | Priority Date | Filing Date |
|---|---|---|---|
| CN201811138311.9A Expired - Fee Related CN109559315B (en) | 2018-09-28 | 2018-09-28 | A Water Surface Segmentation Method Based on Multipath Deep Neural Network |
Country Status (1)
| Country | Link |
|---|---|
| CN (1) | CN109559315B (en) |
Cited By (6)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN110245665A (en) * | 2019-05-13 | 2019-09-17 | 天津大学 | Image, semantic dividing method based on attention mechanism |
| CN110490978A (en) * | 2019-07-01 | 2019-11-22 | 浙江工业大学 | Outdoor scene based on mixed reality technology is ridden training method |
| CN110781751A (en) * | 2019-09-27 | 2020-02-11 | 杭州电子科技大学 | Emotional electroencephalogram signal classification method based on cross-connection convolutional neural network |
| CN111210435A (en) * | 2019-12-24 | 2020-05-29 | 重庆邮电大学 | Image semantic segmentation method based on local and global feature enhancement module |
| WO2021134970A1 (en) * | 2019-12-30 | 2021-07-08 | 深圳市商汤科技有限公司 | Image semantic segmentation method and device and storage medium |
| CN113808055A (en) * | 2021-08-17 | 2021-12-17 | 中南民族大学 | Plant identification method and device based on hybrid expansion convolution and storage medium |
Citations (5)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN104933029A (en) * | 2015-06-23 | 2015-09-23 | 天津大学 | Text image joint semantics analysis method based on probability theme model |
| US20170262735A1 (en) * | 2016-03-11 | 2017-09-14 | Kabushiki Kaisha Toshiba | Training constrained deconvolutional networks for road scene semantic segmentation |
| CN108062753A (en) * | 2017-12-29 | 2018-05-22 | 重庆理工大学 | The adaptive brain tumor semantic segmentation method in unsupervised domain based on depth confrontation study |
| CN108062756A (en) * | 2018-01-29 | 2018-05-22 | 重庆理工大学 | Image, semantic dividing method based on the full convolutional network of depth and condition random field |
| WO2018140596A2 (en) * | 2017-01-27 | 2018-08-02 | Arterys Inc. | Automated segmentation utilizing fully convolutional networks |
-
2018
- 2018-09-28 CN CN201811138311.9A patent/CN109559315B/en not_active Expired - Fee Related
Patent Citations (5)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN104933029A (en) * | 2015-06-23 | 2015-09-23 | 天津大学 | Text image joint semantics analysis method based on probability theme model |
| US20170262735A1 (en) * | 2016-03-11 | 2017-09-14 | Kabushiki Kaisha Toshiba | Training constrained deconvolutional networks for road scene semantic segmentation |
| WO2018140596A2 (en) * | 2017-01-27 | 2018-08-02 | Arterys Inc. | Automated segmentation utilizing fully convolutional networks |
| CN108062753A (en) * | 2017-12-29 | 2018-05-22 | 重庆理工大学 | The adaptive brain tumor semantic segmentation method in unsupervised domain based on depth confrontation study |
| CN108062756A (en) * | 2018-01-29 | 2018-05-22 | 重庆理工大学 | Image, semantic dividing method based on the full convolutional network of depth and condition random field |
Non-Patent Citations (4)
| Title |
|---|
| GU, YIFAN等: "Enlarging Effective Receptive Field of Convolutional Neural Networks for Better Semantic Segmentation" * |
| 代具亭等: "基于深度学习的语义分割网络" * |
| 孙汉卿;庞彦伟;: "一种自学习不确定度的神经网络架构" * |
| 张浩等: "基于空洞卷积的快速背景自动更换" * |
Cited By (9)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN110245665A (en) * | 2019-05-13 | 2019-09-17 | 天津大学 | Image, semantic dividing method based on attention mechanism |
| CN110245665B (en) * | 2019-05-13 | 2023-06-06 | 天津大学 | Image Semantic Segmentation Method Based on Attention Mechanism |
| CN110490978A (en) * | 2019-07-01 | 2019-11-22 | 浙江工业大学 | Outdoor scene based on mixed reality technology is ridden training method |
| CN110490978B (en) * | 2019-07-01 | 2023-07-21 | 浙江工业大学 | Real-scene cycling training method based on mixed reality technology |
| CN110781751A (en) * | 2019-09-27 | 2020-02-11 | 杭州电子科技大学 | Emotional electroencephalogram signal classification method based on cross-connection convolutional neural network |
| CN111210435A (en) * | 2019-12-24 | 2020-05-29 | 重庆邮电大学 | Image semantic segmentation method based on local and global feature enhancement module |
| WO2021134970A1 (en) * | 2019-12-30 | 2021-07-08 | 深圳市商汤科技有限公司 | Image semantic segmentation method and device and storage medium |
| CN113808055A (en) * | 2021-08-17 | 2021-12-17 | 中南民族大学 | Plant identification method and device based on hybrid expansion convolution and storage medium |
| CN113808055B (en) * | 2021-08-17 | 2023-11-24 | 中南民族大学 | Plant identification method, device and storage medium based on mixed expansion convolution |
Also Published As
| Publication number | Publication date |
|---|---|
| CN109559315B (en) | 2023-06-02 |
Similar Documents
| Publication | Publication Date | Title |
|---|---|---|
| CN109559315A (en) | A kind of water surface dividing method based on multipath deep neural network | |
| CN109543502A (en) | A kind of semantic segmentation method based on the multiple dimensioned neural network of depth | |
| CN112308158B (en) | Multi-source field self-adaptive model and method based on partial feature alignment | |
| CN112949647B (en) | Three-dimensional scene description method and device, electronic equipment and storage medium | |
| CN108319972B (en) | An End-to-End Disparity Network Learning Method for Image Semantic Segmentation | |
| Wang et al. | Training deeper convolutional networks with deep supervision | |
| CN113743417B (en) | Semantic segmentation method and semantic segmentation device | |
| CN114140469B (en) | A Deep Layered Image Semantic Segmentation Method Based on Multilayer Attention | |
| CN114022727B (en) | A self-distillation method for deep convolutional neural networks based on image knowledge review | |
| CN109145939A (en) | A kind of binary channels convolutional neural networks semantic segmentation method of Small object sensitivity | |
| CN112364719A (en) | Method for rapidly detecting remote sensing image target | |
| CN107085733A (en) | Nearshore Infrared Ship Recognition Method Based on CNN Deep Learning | |
| CN110009700B (en) | Convolutional neural network visual depth estimation method based on RGB (red, green and blue) graph and gradient graph | |
| CN113298817A (en) | High-accuracy semantic segmentation method for remote sensing image | |
| CN109740451A (en) | Semantic segmentation of road scene images based on importance weighting | |
| CN110428424A (en) | Radar echo map image height crimping dividing method based on deep learning | |
| CN115953648B (en) | A knowledge distillation method based on decoupled features and adversarial features | |
| CN113989261A (en) | Unmanned aerial vehicle visual angle infrared image photovoltaic panel boundary segmentation method based on Unet improvement | |
| CN115661657A (en) | A Lightweight Unmanned Ship Target Detection Method | |
| CN114565628B (en) | Image segmentation method and system based on boundary perception attention | |
| CN112364747A (en) | Target detection method under limited sample | |
| CN112395953A (en) | Road surface foreign matter detection system | |
| CN109448039A (en) | A kind of monocular depth estimation method based on depth convolutional neural networks | |
| CN114708469A (en) | A 3D object recognition method based on multi-view group-aware attention | |
| CN118396071B (en) | A boundary-driven neural network architecture for unmanned vessel environment understanding |
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 | ||
| GR01 | Patent grant | ||
| GR01 | Patent grant | ||
| CF01 | Termination of patent right due to non-payment of annual fee | ||
| CF01 | Termination of patent right due to non-payment of annual fee |
Granted publication date: 20230602 |