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

1380results about How to "Increase training speed" patented technology

Deeply differential privacy protection method based on generative adversarial network

The invention provides a deeply differential privacy protection method based on a generative adversarial network. The deeply differential privacy protection method is adopted to solve the problem that attackers use own coding and other methods for restoring training set data when a deep learning model is in use, and by adopting the deeply differential privacy protection method, the purpose of protecting users' privacy in a training dataset is achieved. The method includes the steps that according to the potential dataset scale of the input training dataset, a sensitivity degree and the maximum attacker attacking probability are queried to calculate an upper bound of privacy budgets; during deep network parameter optimizing calculation, a differential privacy thought is integrated, noise data is added, on the basis of the characteristic that differential privacy and Gaussian distribution can be combined, the privacy budget of each layer of a deep network is calculated, and during stochastic gradient descent calculation, Gaussian noise is added to make the overall privacy budget minimum; the generative adversarial network is adopted to generate optimal results which the attackers can get, by comparing attack results with initial data, feedback regulation is conducted on parameters of a deeply differential privacy model, and the balance between dataset availability and privacy protection degrees is achieved.
Owner:BEIJING TECHNOLOGY AND BUSINESS UNIVERSITY

Parameter synchronization optimization method and system suitable for distributed machine learning

ActiveCN104714852ARemove synchronization bottlenecksSynchronization Bottleneck EliminationResource allocationProgram synchronisationReal-time computingTraining time
The invention provides a parameter synchronization optimization method and system suitable for distributed machine learning. A machine learning algorithm achieved in a parameter server distribution mode is used for overcoming bottlenecks, such as a large amount of parallel machine learning training time delay caused by insufficient network and parameter server resources, of an existing algorithm in the parameter synchronization process. The system comprises a resource monitoring and distributing module at the parameter server end, a parameter maintaining module at the parameter server end, server resource request modules of all working nodes, parameter synchronization time interval control modules of the working nodes, non-synchronization time accumulation modules of the working nodes, parameter calculation modules of the working nodes and parameter synchronization modules of the working node. According to the parameter synchronization optimization method and system, different synchronization time intervals are selected for the different working nodes to avoid request emergency situations by monitoring resource occupancy conditions of a parameter server; meanwhile, it is guaranteed that the selected time intervals can meet the requirements for communication frequency reducing and training accurate rate guaranteeing at the same time, and the bottlenecks of an existing distributed machine learning system in the parameter synchronization process are effectively avoided.
Owner:HUAZHONG UNIV OF SCI & TECH

Generative adversarial network-based pixel-level portrait cutout method

The invention discloses a generative adversarial network-based pixel-level portrait cutout method and solves the problem that massive data sets with huge making costs are needed to train and optimizea network in the field of machine cutout. The method comprises the steps of presetting a generative network and a judgment network of an adversarial learning mode, wherein the generative network is adeep neural network with a jump connection; inputting a real image containing a portrait to the generative network for outputting a person and scene segmentation image; inputting first and second image pairs to the judgment network for outputting a judgment probability, and determining loss functions of the generative network and the judgment network; according to minimization of the values of theloss functions of the two networks, adjusting configuration parameters of the two networks to finish training of the generative network; and inputting a test image to the trained generative network for generating the person and scene segmentation image, randomizing the generated image, and finally inputting a probability matrix to a conditional random field for further optimization. According tothe method, a training image quantity is reduced in batches; and the efficiency and the segmentation precision are improved.
Owner:XIDIAN UNIV

Multi-unmanned aerial vehicle path collaborative planning method and device based on hierarchical reinforcement learning

ActiveCN109992000ARealize the function of self-environmental awarenessIncrease training speedPosition/course control in three dimensionsControl signalSimulation
The invention discloses a multi-unmanned aerial vehicle path collaborative planning method and device based on hierarchical reinforcement learning. The method comprises the steps of extracting a characteristic space of each unmanned aerial vehicle in a plurality of unmanned aerial vehicles; layering tasks needing to be executed in task targets according to the task targets of the unmanned aerial vehicles in the plurality of unmanned aerial vehicles, and dividing the tasks into a plurality of subtasks, wherein each subtask is realized by a neural network; forming each neural network composed bythe plurality of subtasks, and initializing parameters of each neural network to obtain each initial neural network; associating each neural network; taking difference between output results and target output as a loss function; carrying out parameter updating on each neural network through gradient descent; finishing training each neural network when a value of the loss function is smaller thana given threshold or the appointed step number arrives; passing each neural network through utilization of characteristic vectors in the respective characteristic space in sequence, thereby obtainingeach output value; selecting an action which enables an operation value to be maximum as a control signal of each unmanned aerial vehicle, and realizing multi-unmanned aerial vehicle path collaborative planning.
Owner:BEIHANG UNIV

Multi-level anomaly detection method based on exponential smoothing and integrated learning model

A multi-level anomaly detection method based on exponential smoothing, sliding window distribution statistics and an integrated learning model comprises the following steps of a statistic detection stage, an integrated learning training stage and an integrated learning classification stage, wherein in the statistic detection stage, a, a key feature set is determined according to the application scene; b, for discrete characteristics, a model is built through a sliding window distribution histogram, and a model is built through exponential smoothing for continuous characteristics; c, the observation features of all key features are input periodically; d, the process is ended. In the integrated learning training stage, a, a training data set is formed by marked normal and abnormal examples; b, a random forest classification model is trained. The method provides a general framework for anomaly detection problems comprising time sequence characteristics and complex behavior patterns and is suitable for online permanent detection, the random forest model is used in the integrated learning stage to achieve the advantages of parallelization and high generalization ability, and the method can be applied to multiple scenes like business violation detection in the telecom industry, credit card fraud detection in the financial industry and network attack detection.
Owner:NANJING UNIV

Feature extraction and state recognition of one-dimensional physiological signal based on depth learning

The present invention discloses a feature extraction and state recognition method for one-dimensional physiological signal based on depth learning. The method comprises: establishing a feature extraction and state recognition analysis model DBN of a on-dimensional physiological signal based on depth learning, wherein the DBN model adopts a "pre-training+fine-tuning" training process, and in a pre-training stage, a first RBM is trained firstly and then a well-trained node is used as an input of a second RBM, and then the second RBM is trained, and so forth; and after training of all RBMs is finished, using a BP algorithm to fin-tune a network, and finally inputting an eigenvector output by the DBN into a Softmax classifier, and determining a state of an individual that is incorporated into the one-dimensional physiological signal. The method provided by the present invention effectively solves the problem that in the conventional one-dimensional physiological signal classification process, feature inputs need to be selected manually so that classification precision is low; and through non-linear mapping of the deep confidence network, highly-separable features/feature combinations are automatically obtained for classification, and a better classification effect can be obtained by keeping optimizing the structure of the network.
Owner:SICHUAN UNIV

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)

Method of deep neural network based on discriminable region for dish image classification

The invention discloses a method of deep neural network based on a discriminable region for dish image classification. The method relates to the field of image processing, integrates a significant spectrum pooling operation, and fuses low-level features and high-level features in a network. The method adopts a convolution kernel filling operation, effectively preserves important information on characteristic spectra, and is matched with data dimensions of a full connection layer, so that the full connection layer can utilize a VGG-16 pre-training model at a training state, thereby improving the training efficiency and network convergence speed. Each image to be classified is subjected to normalization processing based on the model which is learned in a constructed database, the image is tested by using a trained convolutional neural network, the classification precision is measured by using Softmax loss, a classification result of the image is obtained, real categories and predicted categories of targets in all test images are compared, and a classification accuracy rate is obtained through calculation. The method is used for testing on a self-established data set CFOOD90, and theeffectiveness and the real-time performance of the method are verified.
Owner:UNIV OF ELECTRONICS SCI & TECH OF CHINA

Traffic flow rate prediction method based on road clustering and two-layer two-way LSTM (long short-term memory)

The invention discloses a traffic flow rate prediction method based on road clustering and two-layer two-way LSTM (long short-term memory). The method comprises the following steps of (1) providing a mode of using peripheral equalization on a loss value when the training data has a missing value, so that the missing data is filled; the prediction precision is improved; (2) providing a method of performing relevance clustering on the road according to the historical flow rate data; dividing the road into a plurality of groups; simultaneously utilizing the time information and the space information in the data preprocessing stage for improving the prediction precision; (3) designing a two-layer two-way LSTM deep neural network model for improving the prediction precision of the model; (4) providing a method of performing mass training and test on the network model; accelerating the training and test speed of the neural network model; (5) providing a multi-model fusion method for improving the prediction precision. The method provided by the invention has the advantages that the prediction speed and the prediction precision of the deep neural network model in an aspect of traffic flow rate prediction are accelerated and improved at the same time.
Owner:凯习(北京)信息科技有限公司

Citrus recognition method based on improved YOLOv4

The invention discloses a citrus recognition method based on improved YOLOv4. According to the method, a YOLOv4 network model structure is improved, an up-sampling module and a detection feature map sensitive to a small target are added, and citruses with relatively small individuals can be better identified; sparse training, channel pruning and layer pruning are carried out on a network model obtained through training, the defects of large memory consumption, long recognition time and the like caused by module addition are overcome, clustering is carried out by using a Canopy algorithm and ak-means + + algorithm, and a user can obtain an anchor frame parameter value more suitable for a data set of the user. When citrus recognition is carried out, an improved YOLOv4 network structure is adopted to train a citrus data set, and the obtained model can recognize a target with a small individual more accurately; before a network model is trained, through combination of layer pruning and channel pruning, the depth and the width of the model are compressed, and the training speed is improved on the premise that the precision is not lost; citrus on trees in different periods is recognized, the recognition precision is high, the speed is high, and the requirement for real-time recognition can be met.
Owner:GUANGXI NORMAL UNIV

Feature pyramid-based remote-sensing image time-sensitive target recognition system and method

The invention discloses a feature pyramid-based remote-sensing image time-sensitive target recognition system and method. The system comprises a target feature extraction sub-network, a feature layersub-network, a candidate area generation sub-network and a classification and regression sub-network, wherein the target feature extraction sub-network is used for carrying out multiple layers of convolution processing on a to-be-processed image and outputting the convolution processing result of each layer as a feature layer; the feature layer sub-network is used for overlapped the last feature layer and the current feature layer to obtain the current fused feature layer, wherein the topmost fused feature layer is a topmost feature layer; the candidate area generation sub-network is used forextracting candidate areas from different layers of fused feature layers; and the classification and regression sub-network is used for mapping the candidate areas to different layers of fused featurelayers so as to obtain a plurality of mapped fused feature layers, and carrying out target judgement on the plurality of mapped fused feature layers so as to output a result. According to the systemand method, the hierarchical structures of feature pyramids are utilized to ensure that all the scales of features have rich semantic information.
Owner:HUAZHONG UNIV OF SCI & TECH
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