Skip to content

Latest commit

 

History

History

research

Research Models

Computer Vision

Image Classification

model paper vanilla mindspore
lenet Gradient-Based Learning Applied to Document Recognition link
googlenet Going Deeper with Convolutions link
inception_resnet_v2 Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning link
inceptionv2 Rethinking the Inception Architecture for Computer Vision link
nasnet Learning Transferable Architectures for Scalable Image Recognition link
densenet100 Densely Connected Convolutional Networks link
densenet121 Densely Connected Convolutional Networks link
dpn Dual Path Networks link
efficientnet-b0 EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks link
mobilenetv3_large Searching for MobileNetV3 link
mobilenetV3_small_x1_0 Searching for MobileNetV3 link
squeezenet SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB model size link
ghostnet GhostNet: More Features from Cheap Operations link
ghostnet_d GhostNets on Heterogeneous Devices via Cheap Operations link
tinydarknet You Only Look Once: Unified, Real-Time Object Detection link
sppnet Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition link
res2net101 Res2Net: A New Multi-scale Backbone Architecture link
res2net152 Res2Net: A New Multi-scale Backbone Architecture link
res2net50 Res2Net: A New Multi-scale Backbone Architecture link
resnext50 Aggregated Residual Transformations for Deep Neural Networks link
resnest50 ResNeSt: Split-Attention Networks link
resnet50_adv_pruning SCOP: Scientific Control for Reliable Neural Network Pruning link
resnet50_bam BAM: Bottleneck Attention Module link
resnet50-quadruplet Beyond triplet loss: A deep quadruplet network for person re-identification link
se_resnext50 Squeeze-and-Excitation Networks link
senet_resnet101 Squeeze-and-Excitation Networks link
senet_resnet50 Squeeze-and-Excitation Networks link
se-res2net50 Res2Net: A New Multi-scale Backbone Architecture link
se_resnext50 Squeeze-and-Excitation Networks link
s-ghostnet Greedy Network Enlarging link
sknet Selective Kernel Networks link
resnetv2_101 Identity Mappings in Deep Residual Networks link
resnetv2_152 Identity Mappings in Deep Residual Networks link
resnetv2_50 Identity Mappings in Deep Residual Networks link
resnetv2_50_frn Filter Response Normalization Layer: Eliminating Batch Dependence in the Training of Deep Neural Networks link
resnext152_64x4d Aggregated Residual Transformations for Deep Neural Networks link
hrnet_w48_cls Deep High-Resolution Representation Learning for Visual Recognition link
simclr A Simple Framework for Contrastive Learning of Visual Representations link
augvit Augmented Shortcuts for Vision Transformers link
autoaugment AutoAugment: Learning Augmentation Policies from Data link
ava_cifar AVA: Adversarial Vignetting Attack against Visual Recognition link
ava_hpa AVA: Adversarial Vignetting Attack against Visual Recognition link
pdarts Progressive DARTS: Bridging the Optimization Gap for NAS in the Wild link
pnasnet Progressive Neural Architecture Search link
poseestnet PAMTRI: Pose-Aware Multi-Task Learning for Vehicle Re-Identification Using Highly Randomized Synthetic Data link
protonet Prototypical Networks for Few-shot Learning link
proxylessnas ProxylessNAS: Direct Neural Architecture Search on Target Task and Hardware link
ntsnet Learning to Navigate for Fine-grained Classification link
nfnet High-Performance Large-Scale Image Recognition Without Normalization link
mnasnet MnasNet: Platform-Aware Neural Architecture Search for Mobile link
hour-nas HourNAS: Extremely Fast Neural Architecture Search Through an Hourglass Lens link
single_path_nas Single-Path NAS: Designing Hardware-Efficient ConvNets in less than 4 Hours link
multitasknet PAMTRI: Pose-Aware Multi-Task Learning for Vehicle Re-Identification Using Highly Randomized Synthetic Data link
tcn An Empirical Evaluation of Generic Convolutional and Recurrent Networks for Sequence Modeling link
vig Vision GNN: An Image is Worth Graph of Nodes link
vit_base An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale link
convnext A ConvNet for the 2020s link
wave_mlp An Image Patch is a Wave: Phase-Aware Vision MLP link
wideresnet Wide Residual Networks link
tinynet Model Rubik's Cube: Twisting Resolution, Depth and Width for TinyNets link
tnt TNT: Target-driveN Trajectory Prediction link
cait Going deeper with Image Transformers link
ssc_resnet50 Comatch: Semi-supervised learning with contrastive graph regularization link
snn_mlp Brain-inspired Multilayer Perceptron with Spiking Neurons link
relationnet Learning to Compare: Relation Network for Few-Shot Learning link
cbam CBAM: Convolutional Block Attention Module link
cct Escaping the Big Data Paradigm with Compact Transformers link
drnet Dynamic Resolution Network link
fda-bnn Learning Frequency Domain Approximation for Binary Neural Networks link
fishnet99 FishNet: a versatile backbone for image, region, and pixel level prediction link
genet_res50 Gather-Excite: Exploiting Feature Context in Convolutional Neural Networks link
glore_res200 Graph-Based Global Reasoning Networks link
glore_res50 Graph-Based Global Reasoning Networks link
hardnet HarDNet: A Low Memory Traffic Network link
ibnnet Two at Once: Enhancing Learning and Generalization Capacities via IBN-Net link
isynet ISyNet: Convolutional Neural Networks design for AI accelerator link
ivpf iVPF: Numerical Invertible Volume Preserving Flow for Efficient Lossless Compression link
meta-baseline Meta-Baseline: Exploring Simple Meta-Learning for Few-Shot Learning link
maml Model-Agnostic Meta-Learning for Fast Adaptation of Deep Networks link
leo Meta-Learning with Latent Embedding Optimization link
auto-slim AutoSlim: Towards One-Shot Architecture Search for Channel Numbers link
dem Learning a Deep Embedding Model for Zero-Shot Learning link
triplet_loss_resnet50 Beyond triplet loss: A deep quadruplet network for person re-identification link

Detection

model paper vanilla mindspore
rcnn Rich feature hierarchies for accurate object detection and semantic segmentation link
cascadercnn Cascade R-CNN: Delving into High Quality Object Detection link
retinanet_resnet101 focal loss for dense object detection link
retinanet_resnet152 focal loss for dense object detection link
ssd_ghostnet SSD: Single Shot MultiBox Detector link
ssd_inception_v2 SSD: Single Shot MultiBox Detector link
ssd_inceptionv2 SSD: Single Shot MultiBox Detector link
ssd_mobilenetv2 SSD: Single Shot MultiBox Detector link
ssd_mobilenetv2_fpnlite SSD: Single Shot MultiBox Detector link
ssd_resnet_34 SSD: Single Shot MultiBox Detector link
ssd_resnet34 SSD: Single Shot MultiBox Detector link
ssd_resnet50 SSD: Single Shot MultiBox Detector link
darknet53 YOLOv3: An Incremental Improvement link
yolov3_resnet18 YOLOv3: An Incremental Improvement link
yolov3_tiny YOLOv3: An Incremental Improvement link
nas-fpn NAS-FPN: Learning Scalable Feature Pyramid Architecture for Object Detection link
faster_rcnn_dcn Deformable convnets v2: More deformable, better results
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
link
res2net_faster_rcnn Faster R-CNN: towards real-time object detection with region proposal networks link
res2net_yolov3 YOLOv3: an incremental improvement link
u2net U2-Net: Going Deeper with Nested U-Structure for Salient Object Detection link
deepid Deep Learning Face Representation from Predicting 10,000 Classes link
detr End-to-End Object Detection with Transformers link
efficientdet_d0 EfficientDet: Scalable and Efficient Object Detection link
lightcnn A Light CNN for Deep Face Representation with Noisy Labels link
centernet Objects as points link
centernet_det Objects as points link
centernet_resnet101 Objects as points link
centernet_resnet50_v1 Objects as points link
m2det M2Det: A Single-Shot Object Detector based on Multi-Level Feature Pyramid Network link
rfcn R-FCN: object detection via region-based fully convolutional networks link
spnas Serial-to-parallel backbone search for object detection link
refine_det Single-shot refinement neural network for object detection link
egnet EGNet: edge guidance network for salient object detection link
pagenet Salient object detection with pyramid attention and salient edges link
ras Reverse attention-based residual network for salient object detection link
hed Holistically-nested edge detection link

Segmentation

model paper vanilla mindspore
3d densenet Skip-connected 3D DenseNet for volumetric infant brain MRI segmentation link
3d cnn MRI tumor segmentation with densely connected 3D CNN link
pspnet Pyramid Scene Parsing Network link
fastscnn Fast-SCNN: Fast Semantic Segmentation Network link
fcn8s Fully convolutional networks for semantic segmentation link
adelaide_ea Fast Neural Architecture Search of Compact Semantic Segmentation Models via Auxiliary Cells link
auto-deeplab Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Image Segmentation link
nnunet nnU-Net: a self-configuring method for deep learning-based biomedical image segmentation link
ddm Semi-Supervised Domain Adaptation based on Dual-level Domain Mixing for Semantic Segmentation link
ddrnet Deep Dual-resolution Networks for Real-time and Accurate Semantic Segmentation of Road Scenes link
vnet V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation link
dgcnet_res101 Dual graph convolutional network for semantic segmentation link
enet ENet: A deep neural network architecture for real-time semantic segmentation link
icnet ICNet for Real-Time Semantic Segmentation on High-Resolution Images link
hrnetw48_seg High-Resolution Representations for Labeling Pixels and Regions link
res2net_deeplabv3 Rethinking Atrous Convolution for Semantic Image Segmentation link
unet3+ UNET 3+: A FULL-SCALE CONNECTED UNET FOR MEDICAL IMAGE SEGMENTATION link
yolact++ YOLACT++: Better Real-time Instance Segmentation link
dlinknet D-LinkNet: LinkNet with Pretrained Encoder and Dilated Convolution for High Resolution Satellite Imagery Road Extraction link
erfnet ERFNet: Efficient Residual Factorized ConvNet for Real-Time Semantic Segmentation link
semantic human matting Semantic Human Matting link

Face

model paper vanilla mindspore
faceboxes FaceBoxes: A CPU Real-time Face Detector with High Accuracy link
facedetection YOLOv3: An Incremental Improvement link
maskedfacerecognition Masked Face Recognition with Latent Part Detection link
facenet FaceNet: A Unified Embedding for Face Recognition and Clustering link
facerecognition Deep Residual Learning for Image Recognition link
lresnet100e_ir ArcFace: Additive Angular Margin Loss for Deep Face Recognition link
centerface CenterFace: Joint Face Detection and Alignment Using Face as Point link
sphereface SphereFace: Deep Hypersphere Embedding for Face Recognition link
face-attribute Deep Residual Learning for Image Recognition link
face-quality-assessment Deep Residual Learning for Image Recognition link

OCR

model paper vanilla mindspore
east EAST: An Efficient and Accurate Scene Text Detector link
psenet Shape Robust Text Detection with Progressive Scale Expansion Network link
advanced_east EAST: An Efficient and Accurate Scene Text Detector link
textfusenet TextFuseNet: Scene Text Detection with Richer Fused Features link
cnnctc What Is Wrong With Scene Text Recognition Model Comparisons? Dataset and Model Analysis link
crnn_seq2seq_ocr Robust Scene Text Recognition with Automatic Rectification link
essay-recogination OrigamiNet: Weakly-Supervised, Segmentation-Free, One-Step, Full Page Text Recognition by learning to unfold link

Anomaly Detection

model paper vanilla mindspore
patch_core Towards Total Recall in Industrial Anomaly Detection link
ssim-ae Improving Unsupervised Defect Segmentation by Applying Structural Similarity To Autoencoders link
stpm Student-Teacher Feature Pyramid Matching for Unsupervised Anomaly Detection link

Video

model paper vanilla mindspore
c3d Learning Spatiotemporal Features with 3D Convolutional Networks link
adnet Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning link
attentioncluster Attention Clusters: Purely Attention Based Local Feature Integration for Video Classification link
ecolite ECO: Efficient Convolutional Network for Online Video Understanding link
fairmot FairMOT: On the Fairness of Detection and Re-Identification in Multiple Object Tracking link
i3d Quo Vadis, Action Recognition? A New Model and the Kinetics Dataset link
jde Towards Real-Time Multi-Object Tracking link
r2plus1d A Closer Look at Spatiotemporal Convolutions for Action Recognition link
rbpn Recurrent Back-Projection Network for Video Super-Resolution link
resnet3d Would Mega-scale Datasets Further Enhance Spatiotemporal 3D CNNs? link
siamfc Fully-Convolutional Siamese Networks for Object Tracking link
siamrpn High Performance Visual Tracking with Siamese Region Proposal Network link
slowfast SlowFast Networks for Video Recognition link
stnet StNet: Local and Global Spatial-Temporal Modeling for Action Recognition link
tracktor Tracking without bells and whistles link
tracktor++ Tracking without bells and whistles link
trn Temporal Relational Reasoning in Videos link
tsm TSM: Temporal Shift Module for Efficient Video Understanding link
tsn Temporal Segment Networks: Towards Good Practices for Deep Action Recognition link
predrnn++ PredRNN++: Towards A Resolution of the Deep-in-Time Dilemma in Spatiotemporal Predictive Learning link
deepsort Simple Online and Realtime Tracking link
flownet2 FlowNet 2.0: Evolution of Optical Flow Estimation with Deep Networks link
ArtTrack Arttrack: articulated multi-person tracking in the wild link
osvos One-Shot Video Object Segmentation link

Image Editing

model paper vanilla mindspore
learning to see in the dark Learning to See in the Dark link
dncnn Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising link
mimo-unet Rethinking Coarse-to-Fine Approach in Single Image Deblurring link
neighbor2neighbor Neighbor2Neighbor: Self-Supervised Denoising from Single Noisy Images link
brdnet Image denoising using deep CNN with batch renormalization link
rdn Residual Dense Network for Image Super-Resolution link
srcnn Image Super-Resolution Using Deep Convolutional Networks link
wdsr Wide Activation for Efficient and Accurate Image Super-Resolution link
rcan Image Super-Resolution Using Very Deep Residual Channel Attention Networks link
rednet30 Image Restoration Using Very Deep Convolutional Encoder-Decoder Networks with Symmetric Skip Connections link
irn Invertible Image Rescaling link
lite-hrnet Lite-HRNet: A Lightweight High-Resolution Network link
sr_ea Neural component search for single image super-resolution link
srgan Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network link
csd Towards Compact Single Image Super-Resolution via Contrastive Self-distillation link
dbpn Deep Back-Projection Networks For Super-Resolution link
esr_ea Efficient Residual Dense Block Search for Image Super-Resolution link
esrgan ESRGAN: Enhanced Super-Resolution Generative Adversarial Networks link
stargan StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation link
stgan STGAN: A Unified Selective Transfer Network for Arbitrary Image Attribute Editing link
u-gat-it U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation link
pgan progressive Growing of GANs for Improved Quality, Stability, and Variation link
pix2pix Image-to-Image Translation with Conditional Adversarial Networks link
singan SinGAN: Learning a Generative Model from a Single Natural Image link
gan Generative Adversarial Networks link
hi face gan HiFaceGAN: Face Renovation via Collaborative Suppression and Replenishment link
ipt Pre-Trained Image Processing Transformer link
ctsdg AImage Inpainting via Conditional Texture and Structure Dual Generation link
cgan Conditional Generative Adversarial Nets link
dcgan Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks link
index net Indices Matter: Learning to Index for Deep Image Matting link
fcanet FcaNet: Frequency Channel Attention Networks link
ap drawing gan APDrawingGAN: Generating Artistic Portrait Drawings from Face Photos with Hierarchical GANs link
arbitrary style transfer Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization link
aecrnet Contrastive Learning for Compact Single Image Dehazing link
attgan AttGAN: Facial Attribute Editing by Only Changing What You Want link
nima NIMA: Neural Image Assessment link
nima_vgg16 NIMA: Neural Image Assessment link
pix2pix_hd High-Resolution Image Synthesis and Semantic Manipulation with Conditional GANs link
wgan-gp Improved Training of Wasserstein GANs link

Re-id

model paper vanilla mindspore
reidstrongbaseline A Strong Baseline and Batch Normalization Neck for Deep Person Re-identification link
vehiclenet VehicleNet: Learning Robust Visual Representation for Vehicle Re-identification) link
osnet Omni-Scale Feature Learning for Person Re-Identification) link
mgn Learning Discriminative Features with Multiple Granularities for Person Re-Identification) link
mvd Farewell to Mutual Information: Variational Distillation for Cross-Modal Person Re-Identification) link
alignedreid AlignedReID: Surpassing Human-Level Performance in Person Re-Identification) link
alignedreid++ AlignedReID++: Dynamically matching local information for person re-identification) link
ddag Dynamic Dual-Attentive Aggregation Learning for Visible-Infrared Person Re-Identification) link

Pose

model paper vanilla mindspore
simple_baselines Simple Baselines for Human Pose Estimation and Tracking link
stacked_hourglass Stacked Hourglass Networks for Human Pose Estimation link
alphapose AlphaPose: Whole-Body Regional Multi-Person Pose Estimation and Tracking in Real-Time link
simple_pose Simple baselines for human pose estimation and tracking link

3D

model paper vanilla mindspore
cmr Convolutional Mesh Regression for Single-Image Human Shape Reconstruction link
decomr 3D Human Mesh Regression with Dense Correspondence link
deeplm DeepLM: Large-scale Nonlinear Least Squares on Deep Learning Frameworks using Stochastic Domain Decomposition link
eppmvsnet EPP-MVSNet: Epipolar-assembling based Depth Prediction for Multi-view Stereo link
pointpillars PointPillars: Fast Encoders for Object Detection from Point Clouds link
oct_squeeze Octsqueeze: Octree-structured entropy model for lidar compression link
unet3d Unet3D: Learning Dense Volumetric Segmentation from Sparse Annotation link

Multi Modal

model paper vanilla mindspore
opt OPT: Omni-Perception Pre-Trainer for Cross-Modal Understanding and Generation link
tokenfusion Multimodal Token Fusion for Vision Transformers link
wukong Wukong: A 100 Million Large-scale Chinese Cross-modal Pre-training Benchmark link

Others

model paper vanilla mindspore
depthNet Depth Map Prediction from a Single Image using a Multi-Scale Deep Network link
pwcnet PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost Volume link
midas Towards Robust Monocular Depth Estimation: Mixing Datasets for Zero-shot Cross-dataset Transfer link
mcnn Single-Image Crowd Counting via Multi-Column Convolutional Neural Network link
posenet PoseNet: A Convolutional Network for Real-Time 6-DOF Camera Relocalization link
stgcn Spatio-Temporal Graph Convolutional Networks: A Deep Learning Framework for Traffic Forecasting link
tgcn T-GCN: A Temporal Graph ConvolutionalNetwork for Traffic Prediction link
tall TALL: Temporal Activity Localization via Language Query link
delf Large-Scale Image Retrieval with Attentive Deep Local Features link
pcb_rpp Beyond Part Models: Person Retrieval with Refined Part Pooling (and a Strong Convolutional Baseline) link
manidp Manifold Regularized Dynamic Network Pruning link

Speech

model paper vanilla mindspore
ctcmodel Connectionist temporal classification: labelling unsegmented sequence data with recurrent neural networks link
dscnn Hello Edge: Keyword Spotting on Microcontrollers link
fastspeech FastSpeech: Fast, Robust and Controllable Text to Speech link
fcn-4 Automatic tagging using deep convolutional neural networks link
jasper Jasper: An End-to-End Convolutional Neural Acoustic Model link
wavenet WaveNet: A Generative Model for Raw Audio link
speech_transformer The Speechtransformer for Large-scale Mandarin Chinese Speech Recognition link

Text

model paper vanilla mindspore
albert ALBERT: A Lite BERT for Self-supervised Learning of Language Representations link
atae_lstm Attention-based LSTM for Aspect-level Sentiment Classification link
dam Multi-Turn Response Selection for Chatbots with Deep Attention Matching Network link
gpt2 Language Models are Unsupervised Multitask Learners link
hake Learning Hierarchy-Aware Knowledge Graph Embeddings for Link Prediction link
ktnet Enhancing Pre-Trained Language Representations with Rich Knowledge for Machine Reading Comprehension link
lstm_crf Bidirectional LSTM-CRF Models for Sequence Tagging link
luke LUKE: Deep Contextualized Entity Representations with Entity-aware Self-attention link
rotate RotatE: Knowledge Graph Embedding by Relational Rotation in Complex Space link
senta SKEP: Sentiment Knowledge Enhanced Pre-training for Sentiment Analysis link
seq2seq Sequence to Sequence Learning with Neural Networks link
skipgram Efficient Estimation of Word Representations in Vector Space link
ternarybert TernaryBERT: Distillation-aware Ultra-low Bit BERT link
tprr Answer Complex Questions: Path Ranker Is All You Need link
transformer_xl Transformer-XL: Attentive Language Models Beyond a Fixed-Length Context link
transX Translating Embeddings for Modeling Multi-relational Data link
cpm A Large-scale Generative Chinese Pre-trained Language Model link
dgu(based on bert) Baidu Dialogue General Understanding based on Bert link
duconv Proactive Human-Machine Conversation with Explicit Conversation Goals link
emotect(based on ernie) ERNIE: Enhanced Representation through Knowledge Integration link
ernie ERNIE: Enhanced Representation through Knowledge Integration link
fasttext Bag of Tricks for Efficient Text Classification link
gnmt_v2 Google's Neural Machine Translation System: Bridging the Gap between Human and Machine Translation link
mass MASS: Masked Sequence to Sequence Pre-training for Language Generation link
textcnn Convolutional Neural Networks for Sentence Classification link
tinybert TinyBERT: Distilling BERT for Natural Language Understanding link
textrcnn Recurrent Convolutional Neural Networks for Text Classification link
hypertext HyperText: Endowing FastText with Hyperbolic Geometry link

Graph

model paper vanilla mindspore
dgcn Dual Graph Convolutional Networks for Graph-Based Semi-Supervised Classification link
sdne Structural Deep Network Embedding link
sgcn Signed Graph Convolutional Networks link
bgcf A Framework for Recommending Accurate and Diverse Items Using Bayesian Graph Convolutional Neural Networks link
gat Graph Attention Networks link

Recommendation

model paper vanilla mindspore
autodis An Embedding Learning Framework for Numerical Features in CTR Prediction link
DIEN Deep Interest Evolution Network for Click-Through Rate Prediction link
dlrm Deep Learning Recommendation Model for Personalization and Recommendation Systems link
EDCN Enhancing Explicit and Implicit Feature Interactions via Information Sharing for Parallel Deep CTR Models link
Fat-DeepFFM FAT-DeepFFM: Field Attentive Deep Field-aware Factorization Machine link
mmoe Modeling Task Relationships in Multi-task Learning with Multi-gate Mixture-of-Experts link
deep_and_cross Deep & Cross Network for Ad Click Predictions link
fibinet FiBiNET: Combining Feature Importance and Bilinear feature Interaction for Click-Through Rate Prediction link
naml Neural News Recommendation with Attentive Multi-View Learning link
ncf Neural Collaborative Filtering link

HPC

model paper vanilla mindspore
deepbsde Pricing Barrier Options with DeepBSDEs link
molecular_dynamics Deep Potential Molecular Dynamics: a scalable model with the accuracy of quantum mechanics link
ocean_model OpenArray v1.0: a simple operator library for the decoupling of ocean modeling and parallel computing link
pafnucy Development and evaluation of a deep learning model for protein-ligand binding affinity prediction link
pfnn A penalty-free neural network method for solving a class of second-order boundary-value problems on complex geometries link
pinns Physics-informed neural networks: A deep learning framework for solving forward and inverse problems involving nonlinear partial differential equations. link