Patents
Literature
Patsnap Copilot is an intelligent assistant for R&D personnel, combined with Patent DNA, to facilitate innovative research.
Patsnap Copilot

684 results about "Stochastic gradient descent" patented technology

Stochastic gradient descent (often abbreviated SGD) is an iterative method for optimizing an objective function with suitable smoothness properties (e.g. differentiable or subdifferentiable). It can be regarded as a stochastic approximation of gradient descent optimization, since it replaces the actual gradient (calculated from the entire data set) by an estimate thereof (calculated from a randomly selected subset of the data). Especially in big data applications this reduces the computational burden, achieving faster iterations in trade for a slightly lower convergence rate.

Full convolution neural network (FCN)-based monocular image depth estimation method

The invention discloses a full convolution neural network (FCN)-based monocular image depth estimation method. The method comprises the steps of acquiring training image data; inputting the training image data into a full convolution neural network (FCN), and sequentially outputting through pooling layers to obtain a characteristic image; subjecting each characteristic image outputted by a last pooling layer sequentially to amplification treatment to obtain a new characteristic image the same with the dimension of a characteristic image outputted by a previous pooling layer, and fusing the twocharacteristic images; sequentially fusing the outputted characteristic image of each pooling layer from back to front so as to obtain a final prediction depth image; training the parameters of the full convolution neural network (FCN) by utilizing a random gradient descent method (SGD) during training; acquiring an RGB image required for depth prediction, and inputting the RGB image into the well trained full convolution neural network (FCN) so as to obtain a corresponding prediction depth image. According to the method, the problem that the resolution of an output image is low in the convolution process can be solved. By adopting the form of the full convolution neural network, a full-connection layer is removed. The number of parameters in the network is effectively reduced.
Owner:NANJING UNIV OF POSTS & TELECOMM

Face recognition method based deep learning and face recognition device thereof and electronic equipment

The invention discloses a face recognition method based deep learning and a face recognition device thereof and electronic equipment. The method comprises the steps that a convolutional neural network model is constructed, and the convolutional neural network model comprises a first convolution unit, a first pooling layer, multiple convolution combinations, a second pooling layer and full connection layers which are connected in turn, wherein the first convolution unit comprises a first convolution layer, a batch normalization layer and an excitation function layer, the excitation function layer simultaneously uses a ReLU function and a NReLU function to act as the excitation function, and the adjacent convolution combinations are connected by the short circuit layer of the residual network; and the convolutional neural network model is trained, the training data are inputted to the convolutional neural network model and training is performed by using the stochastic gradient descent method, and the last full connection layer is removed out of the trained convolutional neural network model and then only forward propagation is performed so as to act as the face feature data required for face recognition. ReLU + NReLU are used as the excitation function so that the computational burden can be reduced, the accuracy can be guaranteed, the model size can be reduced and the operation speed can be enhanced.
Owner:智慧眼科技股份有限公司

Fine granularity vehicle multi-property recognition method based on convolutional neural network

The invention relates to a fine granularity vehicle multi-property recognition method based on a convolutional neural network and belongs to the technical field of computer visual recognition. The method comprises the steps that a neural network structure is designed, including a convolution layer, a pooling layer and a full-connection layer, wherein the convolution layer and the pooling layer areresponsible for feature extraction, and a classification result is output by calculating an objective loss function on the last full-connection layer; a fine granularity vehicle dataset and a tag dataset are utilized to train the neural network, the training mode is supervised learning, and a stochastic gradient descent algorithm is utilized to adjust a weight matrix and offset; and a trained neural network model is used for performing vehicle property recognition. The method can be applied to multi-property recognition of a vehicle, the fine granularity vehicle dataset and the multi-propertytag dataset are utilized to obtain more abstract high-level expression of the vehicle through the convolutional neural network, invisible characteristics reflecting the nature of the to-be-recognizedvehicle are learnt from a large quantity of training samples, therefore, extensibility is higher, and recognition precision is higher.
Owner:CHONGQING UNIV OF POSTS & TELECOMM

Method and device for acquiring knowledge graph vectoring expression

ActiveCN105824802ARich relevant informationSolve the problem of insufficient representation effect caused by sparsityNatural language data processingSpecial data processing applicationsStochastic gradient descentGraph spectra
The invention discloses a method and a device for acquiring knowledge graph vectoring expression. The method comprises the following steps of labeling an entity, existed in and belonging to a knowledge graph, in a given auxiliary text corpus by utilization of an entity labeling tool according to a to-be-processed knowledge graph so as to obtain an entity-labeled text corpus; constructing a co-occurrence network comprising words and entities on the basis of the text corpus so as to relate text information of the auxiliary text corpus to entity information of the knowledge graph, and then learning to obtain a text context embedded expression; respectively modeling the embedded expression of the entity and relation in the knowledge graph according to the text context embedded expression so as to obtain an embedded expression model of the knowledge graph; training the embedded expression model by utilization of a stochastic gradient descent algorithm so as to obtain the embedded expression of the entity and relation in the knowledge graph. The method and the device disclosed by the invention have the advantages that not only can the expression capability of the relation be improved, but also the problem of insufficient expression effect caused by sparseness of the knowledge graph can be effectively solved.
Owner:TSINGHUA UNIV

Image classification method capable of effectively preventing convolutional neural network from being overfit

The invention relates to an image classification method capable of effectively preventing a convolutional neural network from being overfit. The image classification method comprises the following steps: obtaining an image training set and an image test set; training a convolutional neural network model; and carrying out image classification to the image test set by adopting the trained convolutional neural network model. The step of training the convolutional neural network model comprises the following steps: carrying out pretreatment and sample amplification to image data in the image training set to form a training sample; carrying out forward propagation to the training sample to extract image features; calculating the classification probability of each sample in a Softmax classifier; according to the probability yi, calculating to obtain a training error; successively carrying out forward counterpropagation from the last layer of the convolutional neural network by the training error; and meanwhile, revising a network weight matrix W by SGD (Stochastic Gradient Descent). Compared with the prior art, the invention has the advantages of being high in classification precision, high in rate of convergence and high in calculation efficiency.
Owner:DEEPBLUE TECH (SHANGHAI) CO LTD

Infrared target instance segmentation method based on feature fusion and a dense connection network

PendingCN109584248ASolving the gradient explosion/gradient disappearance problemStrengthen detection and segmentation capabilitiesImage enhancementImage analysisData setFeature fusion
The invention discloses an infrared target instance segmentation method based on feature fusion and a dense connection network, and the method comprises the steps: collecting and constructing an infrared image data set required for instance segmentation, and obtaining an original known infrared tag image; Performing image enhancement preprocessing on the infrared image data set; Processing the preprocessed training set to obtain a classification result, a frame regression result and an instance segmentation mask result graph; Performing back propagation in the convolutional neural network by using a random gradient descent method according to the prediction loss function, and updating parameter values of the convolutional neural network; Selecting a fixed number of infrared image data training sets each time and sending the infrared image data training sets to the network for processing, and repeatedly carrying out iterative updating on the convolutional network parameters until the convolutional network training is completed by the maximum number of iterations; And processing the test set image data to obtain average precision and required time of instance segmentation and a finalinstance segmentation result graph.
Owner:XIDIAN UNIV

Text classification method based on feature information of characters and terms

The invention discloses a text classification method based on feature information of characters and terms. The method comprises the steps that a neural network model is utilized to perform character and term vector joint pre-training, and initial term vector expression of the terms and initial character vector expression of Chinese characters are obtained; a short text is expressed to be a matrixcomposed of term vectors of all terms in the short text, a convolutional neural network is utilized to perform feature extraction, and term layer features are obtained; the short text is expressed tobe a matrix composed of character vectors of all Chinese characters in the short text, the convolutional neural network is utilized to perform feature extraction, and Chinese character layer featuresare obtained; the term layer features and the Chinese character layer features are connected, and feature vector expression of the short text is obtained; and a full-connection layer is utilized to classify the short text, a stochastic gradient descent method is adopted to perform model training, and a classification model is obtained. Through the method, character expression features and term expression features can be extracted, the problem that the short text has insufficient semantic information is relieved, the semantic information of the short text is fully mined, and classification of the short text is more accurate.
Owner:SUN YAT SEN UNIV

Real-time dense monocular SLAM method and system based on online learning depth prediction network

The invention discloses a real-time dense monocular simultaneous localization and mapping (SLAM) method based on an online learning depth prediction network. The method comprises: optimization of a luminosity error of a minimized high gradient point is carried out to obtain a camera attitude of a key frame and the depth of the high gradient point is predicted by using a trigonometric survey methodto obtain a semi-dense map of a current frame; an online training image pair is selected, on-line training and updating of a CNN network model are carried out by using a block-by-block stochastic gradient descent method, and depth prediction is carried out on the current frame of picture by using the trained CNN network model to obtain a dense map; depth scale regression is carried out based on the semi-dense map of the current frame and the predicted dense map to obtain an absolute scale factor of depth information of the current frame; and with an NCC score voting method, all pixel depth prediction values of the current frame are selected based on two kinds of projection results to obtain a predicted depth map, and Gaussian fusion is carried out on the predicted depth map to obtain a final depth map. In addition, the invention also provides a corresponding real-time dense monocular SLAM system based on an online learning depth prediction network.
Owner:HUAZHONG UNIV OF SCI & TECH

Deep neural network for fine recognition of vehicle attributes and training method thereof

The invention discloses a deep neural network for the fine recognition of vehicle attributes and a training method thereof. The network comprises a depth residual network, a feature migration layer, aplurality of all-connection layers, a plurality of loss calculation units, and a plurality of parameter updating units. The depth residual network is used for carrying out feature extraction on an input image to obtain a feature image. The feature migration layer comprises a plurality of feature migration units and is used for enabling each of all feature migration units to be adapted to specifictasks according to the features shared by all attribute identifying tasks. The plurality of all-connection layers correspond to the branches of all attribute identifying tasks and are connected withthe feature migration layer so as to obtain feature vectors corresponding to all attribute identifying tasks. The plurality of loss calculation units correspond to the branches of all attribute identifying tasks and are respectively connected with the all-connection layers. The plurality of loss calculation units are used for calculating the loss of a loss function by adopting cross entropies as multiple classifiers. The plurality of parameter updating units correspond to the attribute identifying tasks and are connected with the loss calculation units. The parameter updating units are used for returning the loss based on the random gradient descent optimization algorithm, and updating parameters. According to the invention, various fine vehicle attributes can be identified at the same time by adopting only one neural network.
Owner:SUN YAT SEN UNIV

Vehicle type recognition method based on convolutional neural network

The invention provides a vehicle type recognition method based on convolutional neural network. Based on a feature extraction module and a vehicle type recognition module, the vehicle type recognition method comprises the following steps: establishing a neural network for vehicle type recognition by designing a convoluting and pooling layer, a full connection layer and a classifier, wherein the convoluting and pooling layer and the full connection layer are used for extracting vehicle type features, and the classifier is used for performing classified vehicle type recognition; training the neural network by using a database containing different vehicle type features; the training way is that labeled data are learned in a supervised manner, and regulating weighting parameter matrixes and offsets by a stochastic gradient descent method; obtaining the well-trained weighting parameter matrixes and offsets in layers, correspondingly assigning the weighting parameter matrixes and the offsets to the layers in the neural network, wherein the neural network has the functions of extracting and recognizing the vehicle type features. By the vehicle type recognition method, the convolutional neural network and the vehicle type recognition are creatively combined; different from the conventional vehicle type recognition method, by the vehicle type recognition method provided by the invention, the accuracy of the vehicle type recognition can be obviously improved.
Owner:CHINA UNIV OF PETROLEUM (EAST CHINA)

Deep learning-based text keyword extraction method

The invention discloses a deep learning-based text keyword extraction method. The method comprises the following steps of: firstly training a recurrent neural network model, wherein the used training data comprise a large amount of texts and keywords thereof, and the training target is maximizing text-based condition probability of the keywords; converting each text and the keyword thereof into word vectors, inputting the word vectors into the recurrent neural network model and updating network parameters by using a random gradient descent method; and after the model training is finished, converting a section of text, the keyword of which is to be extracted, into a word vector, inputting the word vector into the trained recurrent neural network model so as to generate the keyword of the section of text. According to the method disclosed by the invention, the extraction of text keywords is realized by learning an end-to-end model through data driving; and compared with the traditional statistics and linguistics-based method, the method disclosed by the invention is stronger in adaptability, and can be used for obtaining different models according to different training data so as to extract keywords according to the requirements of specific fields.
Owner:杭州量知数据科技有限公司

Human body action recognition method fusing attention mechanism and space-time diagram convolutional neural network under security scene

The invention provides a human body action recognition method fusing an attention mechanism and a space-time diagram convolutional neural network under a security scene, and the method comprises the steps: firstly carrying out the random division of an obtained human body action analysis data set under the security scene, and dividing the human body action analysis data set into a training set anda verification set; secondly, performing data enhancement processing on video data of the training set and the verification set; carrying out key frame screening on the obtained and enhanced data setby utilizing an attention mechanism; transcoding and labeling the screened key frame video by using a human body posture estimation model framework to prepare for training a human body motion detection and recognition model; and finally, constructing a space-time skeleton map convolutional neural network model, training by using the training set, carrying out network parameter weight optimizationby using random gradient descent, and predicting the accuracy of the neural network model by using the verification set. The method not only can enlarge the original action data volume, but also canenhance the robustness of the model, thereby improving the final action recognition accuracy.
Owner:FUZHOU UNIV
Who we serve
  • R&D Engineer
  • R&D Manager
  • IP Professional
Why Eureka
  • Industry Leading Data Capabilities
  • Powerful AI technology
  • Patent DNA Extraction
Social media
Try Eureka
PatSnap group products