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

352 results about "Softmax function" patented technology

In mathematics, the softmax function, also known as softargmax or normalized exponential function, is a function that takes as input a vector of K real numbers, and normalizes it into a probability distribution consisting of K probabilities proportional to the exponentials of the input numbers. That is, prior to applying softmax, some vector components could be negative, or greater than one; and might not sum to 1; but after applying softmax, each component will be in the interval (0,1), and the components will add up to 1, so that they can be interpreted as probabilities.

Commodity target word oriented emotional tendency analysis method

The invention discloses a commodity target word oriented emotional tendency analysis method, which belongs to the field of the analysis processing of online shopping commodity reviews. The method comprises the following four steps that: 1: corpus preprocessing: carrying out word segmentation on a dataset, and converting a category label into a vector form according to a category number; 2: word vector training: training review data subjected to the word segmentation through a CBOW (Continuous Bag-of-Words Model) to obtain a word vector; 3: adopting a neural network structure, and using an LSTM(Long Short Term Memory) network model structure to enable the network to pay attention to whole-sentence contents; and 4: review sentence emotion classification: taking the output of the neural network as the input of a Softmax function to obtain a final result. By use of the method, semantic description in a semantic space is more accurate, the data is trained through the neural network so as to optimize the weight and the offset parameter in the neural network, parameters trained after continuous iteration make a loss value minimum, at the time, the trained parameters are used for traininga test set, and therefore, higher accuracy can be obtained.
Owner:NORTH CHINA ELECTRIC POWER UNIV (BAODING)

Answer generation method based on multi-layer Transformer aggregation encoder

The invention discloses an answer generation method based on a multilayer Transformer aggregation encoder, and the method comprises the steps: receiving input information which comprises paragraph article information and question information; converting the input information through a character embedding layer and a word embedding layer to obtain corresponding character vectors and word vectors; splicing the character vector and the word vector to obtain a spliced word vector; performing addition splicing on the spliced word vector and the position coding vector to obtain an input sequence; inputting the input sequence into a multi-layer Transformer aggregation encoder to obtain higher-level semantic information; inputting higher-level semantic information into a context-question attentionlayer, and learning question and answer information; inputting a learning result into an encoding layer comprising three multi-layer Transformer aggregation encoders, and obtaining a starting position and an ending position through a softmax function; and taking the content determined by the starting position and the ending position as a target answer. By applying the embodiment of the invention,the problems of information loss and insufficient performance in the prior art are solved.
Owner:SHANGHAI MARITIME UNIVERSITY

Network rumor detection method based on pre-trained language model

The invention discloses a network rumor detection method based on a pre-trained language model. The network rumor detection method comprises the steps of obtaining a to-be-detected source text and forwarded texts of a plurality of other users; preprocessing the source text and forwarding texts of a plurality of other users respectively, and connecting the preprocessed forwarding texts to obtain aset of the forwarding texts; regarding a set of the preprocessed source text and the forwarded text as a pair of sentences; and constructing a linear sequence, inputting the linear sequence into the pre-trained language model, mining a semantic relationship between the source text and the forwarded text through the pre-trained language model, and obtaining the probability that the source text is arumor or a non-rumor through a full connection layer and a softmax function. According to the method, helpful high-level semantic features can be automatically learned and acquired without dependingon specific prior knowledge, so that the method has good generalization. The method does not need to depend on a large amount of forwarding/commenting information related to the source text, and earlydetection can be achieved.
Owner:BEIJING RES INST UNIV OF SCI & TECH OF CHINA +1

Laser radar point cloud multi-target ground object identification method based on deep learning

InactiveCN110414577AOvercome the problem of low recognition accuracySmall amount of calculationCharacter and pattern recognitionNeural architecturesData setNetwork model
The invention discloses a laser radar point cloud multi-target ground object identification method based on deep learning, and relates to the field of point cloud identification methods. The method comprises the following steps: sequentially carrying out region segmentation, feature representation and label marking on a point cloud scene to obtain point cloud data comprising a plurality of three-dimensional spaces; establishing a network model comprising an input layer, N convolution layers, a full connection layer and a Softmax function, inputting a test set in the data set, training the model to obtain an optimal model, and inputting the test set in the data set into the optimal model to obtain an identification result; searching suspected misclassification points according to the depthinformation, the high-level difference, the spatial relationship of the power tower beside the power line and the relationship between the adjacent three-dimensional spaces, and classifying again to obtain a final identification result. According to the method, the problems of large calculation amount, difficult feature extraction and low recognition accuracy of the existing neural network due tomassive, sparse and disordered point clouds are solved.
Owner:UNIV OF ELECTRONICS SCI & TECH OF CHINA

Text classification method combining title and text attention mechanism

The invention discloses a text classification method combining a title and a text attention mechanism. The method comprises the following steps: firstly, carrying out word segmentation preprocessing on a title and a main body of each document to obtain a title word set and a main body word set; training a word vector by adopting a word2vec CBOW model, the expression of each word combined with context semantics is learned by using a bidirectional recurrent neural network, and the potential semantic vector of one word is obtained through serial word vectors and the expression of left and right contexts of the word vectors; respectively carrying out maximum pooling processing on the potential semantic vectors of each word in the title word set and the text word set to obtain a title vector and a text vector; obtaining an attention vector by using a title and text attention mechanism; and after the vector representation of the whole document is calculated, outputting the category of the probability prediction text through a softmax function. The method solves the problem that the classification result is low in accuracy because the importance of the title content is ignored and the title is taken as one part of the text or the title information is ignored in the existing text classification with the title.
Owner:ANHUI UNIVERSITY

Method for classifying surface EMG signals based on CNN and LSTM

The invention discloses a method for classifying surface EMG signals based on CNN and LSTM. The method includes utilizing a sliding window to convert a time sequence into a 'data-tag' pair, applying aHamming window to the surface EMG signals in each time window, using the fast Fourier transform to calculate the time-frequency spectrum Spectrogram, superimposing and integrating the time-sequence spectrum data along the time axis direction, sending the data to a convolutional neural network to complete the local spatial high-level feature extraction and obtain high-dimensional features, expanding the high-dimensional features along the data superposition dimension, restoring the data to the time sequence, feeding the data into a long and short time memory network, extracting the sequence features, sending the sequence features into a fully connected network for further feature extraction and integration to obtain the fully extracted high-dimensional features and feeding the fully extracted high-dimensional features into a Softmax function to get a final classification result. The core of the method is based on a deep learning algorithm, and the classification decoding accuracy is obviously improved by further analysis and extraction on the traditional manual extraction features.
Owner:XI AN JIAOTONG UNIV

Expression recognition method based on multi-branch cross-connection convolutional neural network

The invention relates to an expression recognition method, in particular to an expression recognition method based on a multi-branch cross-connection convolutional neural network. The invention aims to solve the problems of low efficiency, serious resource waste and incomplete feature extraction of an existing traditional expression feature extraction method. The method comprises the following steps of: 1, preprocessing a facial expression image data set; 2, a multi-branch cross-connection convolutional neural network is constructed and used for extracting facial expression image features, andthe process is as follows: the multi-branch cross-connection convolutional neural network is composed of a first convolutional layer, a module 1, a module 2, a module 3, a forty-th convolutional layer, a batch standardization BN and a Relu activation function; and 3, classifying the image features extracted by the network by adopting a Softmax classification algorithm, namely connecting a globalmean value pooling after the constructed multi-branch cross-connection convolutional neural network, and carrying out multi-classification by using a Softmax function after a global mean value poolinglayer. The method is applied to the field of expression recognition.
Owner:QIQIHAR UNIVERSITY

Improved hybrid attention module-based crop pest and disease damage fine-grained identification method

ActiveCN111985370AReduce the mapping intervalPreserve the details of the original imageScene recognitionNeural architecturesCrop pestAlgorithm
The invention discloses an improved hybrid attention module-based crop pest and disease damage fine-grained identification method. The method comprises the following steps of: firstly, inputting a crop disease and insect pest picture, performing feature extraction through a convolution layer after preprocessing, and taking a feature map F obtained by the convolution layer as input of attention I _CBAM by using an Inception thought in combination with a residual connection structure in a forward propagation process to obtain weights MC (F) and MS (F); and finally, obtaining a feature map F2, and generating a final prediction probability by using a softmax function. In order to improve the accuracy of a disease and pest identification model and detect diseases and pests in time, the hybridattention CBAM is improved; through a parallel connection structure of channel attention and space attention, the problem of interference generated by serial connection of channel attention and spaceattention is solved, and the direct generalization of I _ CBAM in different models is ensured while the improvement of the accuracy of a pest and disease damage fine-grained identification model afterattention adding is more stable.
Owner:SOUTH CHINA AGRI UNIV

Coal slime flotation clean coal ash content prediction method based on deep learning

The invention discloses a coal slime flotation clean coal ash content prediction method based on deep learning. The method comprises the following steps: assembling an image acquisition hardware system; collecting a coal slime flotation froth image and corresponding ash content data; dividing the data set into nine types according to the + / -0.5 interval of the gray unit digit, and performing dataenhancement; adopting a resnet50 network to extract foam surface features, adopting a random gradient descent process to update parameters and softmax function classification, obtaining a high accuracy rate through multiple times of iterative training of a model, and finally making suggestions for on-site working conditions according to prediction results. Compared with manual subjective observation operation, the method has the following advantages: representative high-order abstract detail features can be automatically extracted along with continuous optimization of the model; and in addition, compared with a traditional method, the method has the following advantages: the modeling time is greatly shortened, high-order abstract features are extracted through a convolutional network, a training sample input into the model is more real, an obtained prediction result is more accurate, and the method has an important guiding effect on flotation field production.
Owner:CHINA UNIV OF MINING & TECH

Cervix uteri OCT image classification method and system based on two-way attention convolutional neural network

InactiveCN111353539AImprove classification performanceSolve technical problems with poor classification performanceNeural architecturesRecognition of medical/anatomical patternsLayersNeural network nn
The invention discloses a cervical OCT image classification method based on a double-channel attention convolutional neural network. On the basis of a convolutional neural network architecture, two attention mechanisms are added and realized, so that the incidence relation between features with relatively long distances on image pixels can be better captured, the weights of different high-dimensional features are learned, and accurate classification of the cervical 3D OCT images is realized. The method comprises the following steps: 1) introducing two attention mechanisms into a convolutionalneural network; 2) introducing a channel attention mechanism, preferentially using global average pooling to extract channel features of the 2D OCT image, and then using a multi-layer perceptron to learn weights of channels; 3) introducing a spatial attention mechanism, referring to a self-attention mechanism, and calculating the similarity between each feature in the feature map and other features to realize similarity calculation of non-adjacent image regions; 4) performing downsampling on the features by using global average pooling, then adding two full connection layers, and finally performing classification by using a softmax function.
Owner:WUHAN UNIV

Extreme TS fuzzy reasoning method and system based on extreme learning machine

The invention discloses an extreme TS fuzzy reasoning method and system based on an extreme learning machine. The method includes the steps that initial-condition attribute value matrixes corresponding to training data sets are clustered with the K-means clustering algorithm, and expansion decision attribute value matrixes are established according to clustering results; a single extreme learningmachine is trained through the expansion decision attribute value matrixes, and the output layer weight and a trained extreme learning machine are obtained; new samples are input into the extreme learning machine, and the triggering strength of a fuzzy rule antecedent and the conclusion truth value of a fuzzy rule consequent are obtained; according to the triggering strength and the conclusion truth value, defuzzification is carried out, and forecasting output of the new samples is obtained. The single extreme learning machine is trained through the expansion decision attribute value matrixes,the training process can be rapidly completed through parameter optimization without iteration, training time is short, and through defuzzification operation based on the softmax function, normativeprocessing of the triggering strength can be effectively achieved, and outputting of forecasting output data is effectively achieved.
Owner:SHENZHEN UNIV

Fine-grain emotion element extracting method based on local information representation

The invention provides a fine-grain emotion element extracting method based on local information representation in order to solve the problems that by means of an existing fine-grain emotion element extracting method, when an evaluation object is extracted, the closely following word cannot be well utilized, so that the judgment on the part-of-speech of a phrase is wrong, an extracting result has many omissions, and it is difficult to judge whether the current word is one part of the evaluation object or not. The extracting method comprises the steps that for each word in a preset window size, the vector representation of word features is found through a Lookup Table, and the obtained word vectors are input into an LSTM model respectively; the obtained word vectors are combined into one vector to be input to a feedforward neural network model; the hidden layer feature representation of the LSTM model and the local context feature representation of the feedforward neural network model are merged, and a merged result is obtained; the merged result is input to a output layer and classified with a softmas function as a tag. The fine-grain emotion element extracting method is suitable for a fine-grain emotion element extracting tool.
Owner:HARBIN INST OF TECH

Commodity recommendation method and system based on gated graph convolutional network, and storage medium

ActiveCN111080400AExact embedding representationIgnore complex transformation propertiesBuying/selling/leasing transactionsNeural architecturesUndirected graphAlgorithm
The invention relates to a commodity recommendation method based on a gated graph convolutional network. The commodity recommendation method comprises: modeling a session sequence into an undirected graph, wherein in the undirected graph, one vertex represents one commodity, each edge represents that the user clicks the commodities at the two ends of the edge in two consecutive clicks of the session, and the weight of the corresponding frequency is given to each edge according to the frequency of occurrence of each edge in the session; initializing commodities in all sessions in the session sequence into a unified embedding space to obtain an embedding representation of the commodities in each session, and learning the embedding representation of the commodities in the sessions through a graph convolution network and a gating cycle unit; learning the embedded representation of the session according to the learned embedded representation of the commodity in the session; multiplying theembedded representation of all the commodities and the embedded representation of each session according to the obtained embedded representation of all the commodities and the embedded representationof each session, then performing normalization processing through a softmax function to obtain recommendation scores for all the commodities of each session, and performing commodity recommendation according to the recommendation scores.
Owner:SUN YAT SEN 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