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

803 results about "Neural net architecture" patented technology

Overall, neural network architecture takes the process of problem-solving beyond what humans or conventional computer algorithms can process. The concept of neural network architecture is based on biological neurons, the elements in the brain that implement communication with the nerves.

Automated treatment selection method

A method useful for facilitating choosing a treatment or treatment regime and for predicting the outcome of a treatment for a disorder which is diagnosed and monitored by a physician or other appropriately trained and licensed professional, such as for example, a psychologist, based upon the symptoms experienced by a patient. Unipolar depression is an example of such a disorder, however the model may find use with other disorders and conditions wherein the patient response to treatment is variable. In the preferred embodiment, the method for predicting patient response includes the steps of performing at least one measurement of a symptom on a patient and measuring that symptom so as to derive a baseline patient profile, such as for example, determining the symptom profile with time; defining a set of a plurality of predictor variables which define the data of the baseline patient profile, wherein the set of predictor variables includes predictive symptoms and a set of treatment options; deriving a model that represents the relationship between patient response and the set of predictor variables; and utilizing the model to predict the response of said patient to a treatment. A neural net architecture is utilized to define a non-linear, second order model which is utilized to analyze the patient data and generate the predictive database from entered patient data.
Owner:ADVANCED BIOLOGICAL LAB

Method for predicting the therapeutic outcome of a treatment

A method useful for facilitating choosing a treatment or treatment regime and for predicting the outcome of a treatment for a disorder which is diagnosed and monitored by a physician or other appropriately trained and licensed professional, such as for example, a psychologist, based upon the symptoms experienced by a patient. Unipolar depression is an example of such a disorder, however the model may find use with other disorders and conditions wherein the patient response to treatment is variable. In the preferred embodiment, the method for predicting patient response includes the steps of performing at least one measurement of a symptom on a patient and measuring that symptom so as to derive a baseline patient profile, such as for example, determining the symptom profile with time; defining a set of a plurality of predictor variables which define the data of the baseline patient profile, wherein the set of predictor variables includes predictive symptoms and a set of treatment options; deriving a model that represents the relationship between patient response and the set of predictor variables; and utilizing the model to predict the response of said patient to a treatment. A neural net architecture is utilized to define a non-linear, second order model which is utilized to analyze the patient data and generate the predictive database from entered patient data.
Owner:ADVANCED BIOLOGICAL LAB

Three-dimensional object detection for autonomous robotic systems using image proposals

Provided herein are methods and systems for implementing three-dimensional perception in an autonomous robotic system comprising an end-to-end neural network architecture that directly consumes large-scale raw sparse point cloud data and performs such tasks as object localization, boundary estimation, object classification, and segmentation of individual shapes or fused complete point cloud shapes.
Owner:NURO INC

Character detection method and device based on deep learning

The invention discloses a character detection method and device based on deep learning. The method comprises the steps: designing a multilayer convolution neural network structure, and enabling each character to serve as a class, thereby forming a multi-class classification problem; employing a counter propagation algorithm for the training of a convolution neural network, so as to recognize a single character; minimizing a target function of the network in a supervision manner, and obtaining a character recognition model; finally employing a front-end feature extracting layer for weight initialization, changing the node number of a last full-connection layer into two, enabling a network to become a two-class classification model, and employing character and non-character samples for training the network. Through the above steps, one character detection classifier can complete all operation. During testing, the full-connection layer is converted into a convolution layer. A given input image needs to be scanned through a multi-dimension sliding window, and a character probability graph is obtained. A final character region is obtained through non-maximum-value inhibition.
Owner:INST OF AUTOMATION CHINESE ACAD OF SCI +1

Method and apparatus for fractal computation

Fractal computers are neural network architectures that exploit the characteristics of fractal attractors to perform general computation. This disclosure explains neural network implementations for each of the critical components of computation: composition, minimalization, and recursion. It then describes the creation of fractal attractors within these implementations by means of selective amplification or inhibition of input signals, and it describes how to estimate critical parameters for each implementation by using results from studies of fractal percolation. These implementation provide standardizable implicit alternatives to traditional neural network designs. Consequently, fractal computers permit the exploitation of alternative technologies for computation based on dynamic systems with underlying fractal attractors.
Owner:COOPER DAVID L

A small sample depth learning method based on knowledge transfer of shallow model

ActiveCN109102005AOvercoming a lack of expressive abilityOvercome the shortcomings of poor generalization abilityCharacter and pattern recognitionData setSmall sample
The invention discloses a small sample depth learning method based on knowledge transfer of a shallow model. The invention firstly preprocesses the data, and then transforms the original signal into different transform domains according to the prior knowledge and expert experience of the related field, and calculates the artificial features. According to artificial features, different shallow models are selected and trained based on a small amount of labeled sample data. According to classification accuracy / prediction error and other indicators, different shallow models with different featurecombinations are screened to form candidate model pool. Then, based on the candidate model pool, the model is selected to predict the unlabeled samples, and the prediction tags are obtained, and a plurality of prediction tags are fused. The prediction tags are combined with a small number of existing tagged samples to construct the training set. Deep neural network structure is designed for the specific task, and the training is based on the above-mentioned mixed training set. The validity of the proposed method is verified by the rotating machinery fault diagnosis data set.
Owner:HANGZHOU DIANZI UNIV

Fast semantic extraction using a neural network architecture

A system and method for semantic extraction using a neural network architecture includes indexing each word in an input sentence into a dictionary and using these indices to map each word to a d-dimensional vector (the features of which are learned). Together with this, position information for a word of interest (the word to labeled) and a verb of interest (the verb that the semantic role is being predicted for) with respect to a given word are also used. These positions are integrated by employing a linear layer that is adapted to the input sentence. Several linear transformations and squashing functions are then applied to output class probabilities for semantic role labels. All the weights for the whole architecture are trained by backpropagation.
Owner:NEC CORP

Multi-target tracking method based on recurrent neural network

InactiveCN106022239ATargeted parameter tuningAvoid tuningCharacter and pattern recognitionData setOriginal data
The invention discloses a multi-target tracking method based on a recurrent neural network, comprising the following steps: building a monitoring video data set marked with each frame of pedestrian location; manually expanding the monitoring video data set marked with each frame of pedestrian location to get training set samples; grouping the training set samples to get multiple training groups; building a multi-target tracking network; inputting the training groups in sequences to the multi-target tracking network for training; and inputting video data to be tested to the trained multi-target tracking network and performing forward propagation to get the moving trajectories of multiple targets. According to the invention, a proposed network model is trained in an end-to-end manner using raw data and a large amount of data obtained through artificial expansion, complex tasks such as data association and track estimation are completed under a unified neural network architecture, and the moving trajectories of targets can be tracked effectively under different directions, light conditions, deformations and other complex environments.
Owner:UNIV OF ELECTRONICS SCI & TECH OF CHINA

Target detection algorithm based on multi-feature extraction and multitask fusion

The invention relates to a target detection algorithm based on multi-feature extraction and multitask fusion. The technical characteristics of the target detection algorithm are that image features are extracted based on a deep learning convolutional neural network framework, the multilayer convolutional output result is extracted to form a multi-feature graph, and target areas-of-interest of different horizons are extracted from the multi-feature graph and feature connection is performed; semantic segmentation of the original graph is performed and the target segmentation area result is extracted, and multitask cross auxiliary target detection is performed on the target detection result and the target segmentation result in full connection layers through certain proportionality coefficient; and the result passes through the last full connection layer and then the image features are classified and regressively positioned through the combination classification and positioning loss function so that the final target detection result can be obtained. High-precision target detection positioning and classification can be realized by feature extraction through the deep learning convolutional neural network, multi-group and multilayer fusion and connection of the image features and loss function combination so that the great target detection result can be obtained.
Owner:ACADEMY OF BROADCASTING SCI STATE ADMINISTATION OF PRESS PUBLICATION RADIO FILM & TELEVISION +1

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)

Sequence recommendation method based on user behavioral difference modeling

The present invention discloses a sequence recommendation method based on user behavioral difference modeling. The method comprises: acquiring historical behavior information of a user; calculating acommodity feature vector according to the acquired historical behavior information; by combining a commodity feature vector, using a behavioral difference modeling method for sequence modeling, and obtaining the current demand and historical preferences of the user by using two different neural network architectures; and according to the current purchase demand and the historical preferences of the user, predicting the next commodity of interest to the user through joint learning, performing matching in a commodity vector space, finding a plurality of commodities that are closest to the predicted result in the commodity vector space, and generating a commodity recommendation sequence. According to the method provided by the present invention, through difference modeling on user timing sequence behaviors, the current demand and long-term preferences in the purchase decision of the user can be intelligently understood, and accurate sequence recommendation services can be provided for users.
Owner:UNIV OF SCI & TECH OF CHINA

Gas concentration real-time prediction method based on dynamic neural network

The invention provides a gas concentration real-time prediction method based on a dynamic neural network. Firstly, the neural network is trained by means of data in a mine gas concentration historical database, activeness of hidden nodes of the network and learning ability of each hidden node are dynamically judged in the network training process, splitting and deletion of the hidden nodes of the network are achieved, and a network preliminary prediction model is built; secondly, mine gas concentration information is continuously collected in real time and input into the prediction model of the neutral network to predict the change tendency of gas concentration in the future, and the network is trained timely through predicted real-time data according to the first-in first-out queue sequence to update a neutral network structure in real time, so that the neutral network structure can be adjusted according to real-time work conditions to improve gas concentration real-time prediction precision. According to the method, the neural network structure can be adjusted timely on line according to the real-time gas concentration data, so that gas concentration prediction precision is improved, and the technical requirements of a mine gas concentration information management system are met.
Owner:LIAONING TECHNICAL UNIVERSITY

Deep-learning-based classification and grading method for diabetes retinopathy

The invention relates to a deep-learning-based classification and grading method for diabetes retinopathy. For each kind of diabetes retinopathy, lots of ophthalmoscope photographs are prepared; a deep convolution neural network including multi-level neural network architecture is established; the deep convolution neural network is trained based on the lots of ophthalmoscope photographs, so that the final output value of the deep convolution neural network meets a grading result of the ophthalmoscope photographs; and thus disease grading can be carried out by using the trained deep convolution neural network. According to the method provided by the invention, with application of the lots of ophthalmoscope photographs including diagnosis marks, needed features are learned automatically from a training example base by deep learning and grading diagnosis is carried out; and data features for determination and the deep convolution neural network parameters are corrected continuously during the training process, so that the grading accuracy and reliability in a real application scene can be improved substantially.
Owner:苏州体素信息科技有限公司

Construction and recognition method of bp neural network for different brown rice grain recognition

The invention discloses a BP neural network construction and identification method for identifying different brown rice grains, adopting the following technical scheme: including the following steps: 1) acquiring images: 2) image preprocessing: 3) extracting image feature information of different brown rice grains: 4) main Component analysis reduces dimensionality of image feature information; 5) Design BP neural network structure: 6) Train neural network, and use the BP network neural network constructed by any of the above-mentioned construction methods to identify different brown rice grains. The method proposed by the present invention obtains images of different types of brown rice grains through black as the background, uses image processing technology to obtain its characteristic information, and uses principal component analysis to reduce the dimensionality of the characteristic information, and finally uses BP neural network to perform different types of brown rice grains. identify. The method can identify different types of grains objectively, accurately and quickly, and overcomes the disadvantages of traditional manual detection.
Owner:HENAN UNIVERSITY OF TECHNOLOGY

Recommendation method based on deep social relationship

The invention discloses a recommendation method based on deep social relationship, which comprises the steps of 1, constructing a rating matrix of users for an object and a social relationship matrixamong the users; 2, constructing an input layer in a one-hot coding mode; 3, obtaining a social embedded matrix by automatic coding according to the social relationship matrix among the users; 4, constructing an embedded layer through the input layer and the social embedded matrix; 5, constructing a collaboration layer through the embedded layer; and 6, inputting information of the collaboration layer into a hidden layer to obtain corresponding predicted score information, and thus performing object recommendation. According to the invention, the social relationship among the users can be fully utilized to solve a problem of data sparsity, excellent accuracy is ensured at the same time through establishing a complex deep neural network structure between users and objects, and thus accuraterecommendation is carried out for the users.
Owner:HEFEI UNIV OF TECH

Methods, controllers and systems for the control of distribution systems using a neural network architecture

A deep approximation neural network architecture which extrapolates data over unseen states for demand response applications in order to control distribution systems like product distribution systems of which energy distribution systems, e.g. heat or electrical power distribution, are one example. The method is a model-free control technique mainly in the form of Reinforcement Learning (RL) where a controller learns from interaction with the system to be controlled to control product distributions of which energy distribution systems, e.g. heat or electrical power distribution, are one example.
Owner:VLAAMSE INSTELLING VOOR TECHNOLOGISCH ONDERZOEK NV VITO

Twin convolutional neural network face recognition algorithm introducing a perception model

The invention discloses a twin convolutional neural network face recognition algorithm introducing a perception model. Firstly, a twin convolutional neural network is introduced as an overall networkstructure model, so that external interference can be effectively reduced, over-fitting is avoided; a sensing model is added to a twin convolutional neural network structure on the basis, the networkwidth is increased, the effect of information cross-channel connection is achieved, the adaptability of the network to the scale is improved, and meanwhile richer feature extraction can be achieved bymeans of the advantage of hardware dense matrix optimization. The whole training process is assisted by a loop learning rate strategy optimization algorithm, so that the optimal learning rate is easyto find, the model convergence can be accelerated, the network performance is improved, and high-precision face recognition under a non-limiting condition is effectively realized. The algorithm is simple in structure, has high robustness for face recognition under the non-limiting condition, can improve the training speed and improve the face recognition accuracy, and is suitable for small-scaledata sets.
Owner:CHANGAN UNIV

Generative adversarial network method fusing self-attention mechanism

PendingCN109978165AImprove clarityImprove mode collapse problemNeural learning methodsDiscriminatorPattern recognition
The invention relates to a generative adversarial network method fusing a self-attention mechanism, belongs to the field of computer vision, and particularly relates to a generative adversarial network for image generation. The generation of the image is an important challenge in the field of computer vision, and if a large number of high-quality image samples can be generated, the artificial intelligence field can be more rapidly developed in the era depending on the big data background. Therefore, the invention provides the generative adversarial network fusing the self-attention mechanism,the network can generate the high-quality images, and meanwhile, the images have higher diversity. Specifically, the generative adversarial network uses a Waserstein distance to measure an evaluationcriterion of the generator and discriminator distribution, and a loss function is correspondingly improved; meanwhile, the self-attention mechanism is introduced into the neural network architecture corresponding to the generator and the discriminator, so that the relevance between the local pixel regions of the generated image is improved, and the quality of the generated image is improved.
Owner:CHONGQING UNIV

A target tracking method based on an LSTM neural network

PendingCN109740742AEffective real-time trackingAchieving Target Motion EstimationNeural architecturesNeural learning methodsLinear motionUltrasound attenuation
The invention discloses a target tracking method based on an LSTM neural network, and belongs to the technical field of target tracking. According to the method, the LSTM is used for tracking the complex and non-linear motion target, and the problems that target tracking is difficult, a target model is difficult to establish and the tracking precision is low are solved; the method comprises the following steps: firstly, acquiring latitude and longitude information and speed information of a target, and processing acquired data; designing an LSTM neural network structure for single target tracking; and finally, adjusting LSTM neural network parameters to realize target tracking. According to the method, the nonlinear filtering process is effectively simplified, and a complex nonlinear target can be effectively tracked; the establishment of a target motion model and the utilization of a traditional filtering algorithm are not needed; estimating the target motion state of the next momentby using historical target motion information; adjusting internal parameters of the neural network by using a back propagation algorithm; the learning rate attenuation method reduces the calculation amount and improves the precision.
Owner:HARBIN ENG UNIV

Neural network acceleration and embedding compression systems and methods with activation sparsification

Systems, methods and computer-readable medium for (i) accelerating the inference speed of a deep neural network (DNN), and (ii) compressing the vector representations produced by the DNN out of a variety of input data, such as image, audio, video and text. A method embodiment takes as inputs a neural network architecture and a task-dependent loss function, measuring how well a neural network performs on a training data set, and outputs a deep neural network with sparse neuron activations. The invented procedure augments an existing training objective function of a DNN with regularization terms that encourage sparse activation of neurons, and compresses the DNN by solving the optimization problem with a variety of algorithms. The present disclosure also shows how to utilize the sparsity of activations during the inference of DNNs so the number of arithmetic operations can be reduced proportionately, and how to use the sparse representations produced by the DNNs to build an efficient search engine.
Owner:MOFFETT TECH CO LTD

A video driver behavior identification method based on a multi-task space-time convolutional neural network

The invention provides a video driver behavior identification method based on a multi-task space-time convolutional neural network. A multi-task learning strategy is introduced into a training processof a space-time convolutional neural network and is applied to driver behavior identification in a monitoring video. Auxiliary driver positioning and optical flow estimation tasks are implicitly embedded into the video classification tasks, so that the convolutional neural network model is promoted to learn richer driver local space and motion time characteristics, and the driver behavior recognition accuracy is improved. Compared with an existing driver identification method, the multitask space-time convolutional neural network architecture designed by the invention combines interframe information, is high in generalization and identification accuracy, can be used for real-time driver behavior identification under a monitoring video, and has an important application value in the field of traffic safety.
Owner:SOUTHEAST UNIV

Neural network structure searching method and system, storage medium and equipment

The invention relates to a neural network structure searching method and system, a storage medium and equipment, and the method comprises the steps: S1, obtaining a preset neural network architectureand a sampling structure; wherein the neural network architecture comprises an input layer, an output layer and a plurality of intermediate layers which are arranged in sequence; S2, according to thenetwork structure to be determined in each intermediate layer and the corresponding structure search interval, sampling for multiple times through a sampling structure, and obtaining a plurality of sub-neural-network structures; S3, performing classification training on the plurality of sub-neural-network structures to obtain a plurality of updated sub-neural-network structures and updated structure search intervals of the intermediate layers; s4, obtaining the classification accuracy of the updated plurality of sub-neural network structures, and updating the parameters of the sampling structure according to the accuracy; and S5, determining a required neural network structure. According to the method, the neural network structure with the effect most matched with the classification task can be automatically searched, time is saved, and efficiency is improved.
Owner:GUANGZHOU SHIYUAN ELECTRONICS CO LTD

Wind power plant cluster short-term power prediction method based on space-time diagram convolutional neural network

The invention provides a wind power plant cluster short-term power prediction method based on a space-time diagram convolutional neural network, and the method comprises the steps: collecting historical power in a first target time period to obtain a historical power vector time sequence, and collecting weather forecast parameter vectors in a second target time period to obtain a weather forecastparameter matrix time sequence; inputting the historical power vector and the time sequence of the weather forecast parameter matrix into a prediction model, and outputting a predicted power vector time sequence in a third target time period, wherein the prediction model is obtained by training based on a sample historical power vector, a sample weather forecast parameter matrix timing sequence and a prediction power vector timing sequence label, and a neural network structure of the prediction model is formed based on a Bi-GRU network and a graph convolution network. According to the method provided by the invention, two factors of historical power and weather forecast parameters can be jointly considered in power prediction, and the prediction accuracy is also improved.
Owner:TSINGHUA UNIV +2
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