0%

汉诺塔问题

有A、B、C三个木桩,在木桩A上从下往上按大小顺序摞着n片圆盘。要求把圆盘从下往上按大小顺序重新摆放在木桩C上。并且规定,在小圆盘上不能放大圆盘,在三个木桩之间一次只能移动一个圆盘。

递归算法求解

1
2
3
4
5
6
7
8
9
10
11
def hanoi(n, p1, p2, p3):
if n<1:
print("Error")
elif n==1:
print("{}->{}".format(p1, p3))
else:
hanoi(n-1, p1, p3, p2) # 将 n-1 个圆盘从木桩p1移到木桩p2
print("{}->{}".format(p1, p3)) # 将第 n 个圆盘从木桩p1移到木桩p3
hanoi(n-1, p2, p1, p3) # 将 n-1 个圆盘从木桩p2移到木桩p3
if __name__=="__main__":
hanoi(5, 'A', 'B', 'C')
阅读全文 »

目录

1. Know Your Surroundings: Exploiting Scene Information for Object Tracking [PDF] 摘要
2. Generalizing Spatial Transformers to Projective Geometry with Applications to 2D/3D Registration [PDF] 摘要
3. Multi-Scale Progressive Fusion Network for Single Image Deraining [PDF] 摘要
4. Deep Local Shapes: Learning Local SDF Priors for Detailed 3D Reconstruction [PDF] 摘要
5. Exploiting Event Cameras by Using a Network Grafting Algorithm [PDF] 摘要
6. MaskFlownet: Asymmetric Feature Matching with Learnable Occlusion Mask [PDF] 摘要
7. Learning Compact Reward for Image Captioning [PDF] 摘要
8. RN-VID: A Feature Fusion Architecture for Video Object Detection [PDF] 摘要
9. Do We Need Depth in State-Of-The-Art Face Authentication? [PDF] 摘要
10. EllipBody: A Light-weight and Part-based Representation for Human Pose and Shape Recovery [PDF] 摘要
11. Dynamic Reconstruction of Deformable Soft-tissue with Stereo Scope in Minimal Invasive Surgery [PDF] 摘要
12. Bone Structures Extraction and Enhancement in Chest Radiographs via CNN Trained on Synthetic Data [PDF] 摘要
13. Palm-GAN: Generating Realistic Palmprint Images Using Total-Variation Regularized GAN [PDF] 摘要
14. DeepFit: 3D Surface Fitting via Neural Network Weighted Least Squares [PDF] 摘要
15. Toward Accurate and Realistic Virtual Try-on Through Shape Matching and Multiple Warps [PDF] 摘要
16. Dataset Cleaning -- A Cross Validation Methodology for Large Facial Datasets using Face Recognition [PDF] 摘要
17. Rethinking Class-Balanced Methods for Long-Tailed Visual Recognition from a Domain Adaptation Perspective [PDF] 摘要
18. Two-Step Surface Damage Detection Scheme using Convolutional Neural Network and Artificial Neural Neural [PDF] 摘要
19. FADNet: A Fast and Accurate Network for Disparity Estimation [PDF] 摘要
20. Scalable learning for bridging the species gap in image-based plant phenotyping [PDF] 摘要
21. Dynamic Hierarchical Mimicking Towards Consistent Optimization Objectives [PDF] 摘要
22. Deep Line Art Video Colorization with a Few References [PDF] 摘要
23. Real-time 3D object proposal generation and classification under limited processing resources [PDF] 摘要
24. On Localizing a Camera from a Single Image [PDF] 摘要
25. Modeling Cross-view Interaction Consistency for Paired Egocentric Interaction Recognition [PDF] 摘要
26. CRNet: Cross-Reference Networks for Few-Shot Segmentation [PDF] 摘要
27. Gen-LaneNet: A Generalized and Scalable Approach for 3D Lane Detection [PDF] 摘要
28. KFNet: Learning Temporal Camera Relocalization using Kalman Filtering [PDF] 摘要
29. UnrealText: Synthesizing Realistic Scene Text Images from the Unreal World [PDF] 摘要
30. Synergic Adversarial Label Learning with DR and AMD for Retinal Image Grading [PDF] 摘要
31. Video Object Grounding using Semantic Roles in Language Description [PDF] 摘要
32. First Investigation Into the Use of Deep Learning for Continuous Assessment of Neonatal Postoperative Pain [PDF] 摘要
33. Adversarial Perturbations Fool Deepfake Detectors [PDF] 摘要
34. Spatio-Temporal Handwriting Imitation [PDF] 摘要
35. A Simple Fix for Convolutional Neural Network via Coordinate Embedding [PDF] 摘要
36. Broad Area Search and Detection of Surface-to-Air Missile Sites Using Spatial Fusion of Component Object Detections from Deep Neural Networks [PDF] 摘要
37. ScrabbleGAN: Semi-Supervised Varying Length Handwritten Text Generation [PDF] 摘要
38. Peeking into occluded joints: A novel framework for crowd pose estimation [PDF] 摘要
39. Distillating Knowledge from Graph Convolutional Networks [PDF] 摘要
40. Label Noise Types and Their Effects on Deep Learning [PDF] 摘要
41. Learning Object Permanence from Video [PDF] 摘要
42. Tractogram filtering of anatomically non-plausible fibers with geometric deep learning [PDF] 摘要
43. Learning to Reconstruct Confocal Microscopy Stacks from Single Light Field Images [PDF] 摘要
44. Hybrid Classification and Reasoning for Image-based Constraint Solving [PDF] 摘要
45. Automatic Detection of Coronavirus Disease (COVID-19) Using X-ray Images and Deep Convolutional Neural Networks [PDF] 摘要
46. Re-Training StyleGAN -- A First Step Towards Building Large, Scalable Synthetic Facial Datasets [PDF] 摘要
47. SMArtCast: Predicting soil moisture interpolations into the future using Earth observation data in a deep learning framework [PDF] 摘要
48. Pre-processing Image using Brightening, CLAHE and RETINEX [PDF] 摘要
49. Registration by tracking for sequential 2D MRI [PDF] 摘要
50. PanNuke Dataset Extension, Insights and Baselines [PDF] 摘要
51. Generating Chinese Poetry from Images via Concrete and Abstract Information [PDF] 摘要
52. Estimating Uncertainty and Interpretability in Deep Learning for Coronavirus (COVID-19) Detection [PDF] 摘要
53. TeCNO: Surgical Phase Recognition with Multi-Stage Temporal Convolutional Networks [PDF] 摘要
54. Organ Segmentation From Full-size CT Images Using Memory-Efficient FCN [PDF] 摘要
55. Learning regularization and intensity-gradient-based fidelity for single image super resolution [PDF] 摘要
56. Robust and On-the-fly Dataset Denoising for Image Classification [PDF] 摘要
57. Automated Detection of Cribriform Growth Patterns in Prostate Histology Images [PDF] 摘要
阅读全文 »

目录

1. Cross-Lingual Adaptation Using Universal Dependencies [PDF] 摘要
2. Generating Chinese Poetry from Images via Concrete and Abstract Information [PDF] 摘要
3. Towards Neural Machine Translation for Edoid Languages [PDF] 摘要
4. Felix: Flexible Text Editing Through Tagging and Insertion [PDF] 摘要
5. Improving Yorùbá Diacritic Restoration [PDF] 摘要
6. ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators [PDF] 摘要
7. Learning Compact Reward for Image Captioning [PDF] 摘要
8. Investigating Software Usage in the Social Sciences: A Knowledge Graph Approach [PDF] 摘要
9. Video Object Grounding using Semantic Roles in Language Description [PDF] 摘要
10. ScrabbleGAN: Semi-Supervised Varying Length Handwritten Text Generation [PDF] 摘要
11. Data-driven models and computational tools for neurolinguistics: a language technology perspective [PDF] 摘要
阅读全文 »

目录

1. Atlas: End-to-End 3D Scene Reconstruction from Posed Images [PDF] 摘要
2. Learning Dynamic Routing for Semantic Segmentation [PDF] 摘要
3. Inherent Adversarial Robustness of Deep Spiking Neural Networks: Effects of Discrete Input Encoding and Non-Linear Activations [PDF] 摘要
4. Weakly Supervised 3D Human Pose and Shape Reconstruction with Normalizing Flows [PDF] 摘要
5. Neural Contours: Learning to Draw Lines from 3D Shapes [PDF] 摘要
6. Adversarial Attacks on Monocular Depth Estimation [PDF] 摘要
7. Robust Medical Instrument Segmentation Challenge 2019 [PDF] 摘要
8. Accurate Optimization of Weighted Nuclear Norm for Non-Rigid Structure from Motion [PDF] 摘要
9. Cross-domain Object Detection through Coarse-to-Fine Feature Adaptation [PDF] 摘要
10. Sample-Specific Output Constraints for Neural Networks [PDF] 摘要
11. Multi-Person Pose Estimation with Enhanced Feature Aggregation and Selection [PDF] 摘要
12. Spatial Pyramid Based Graph Reasoning for Semantic Segmentation [PDF] 摘要
13. Learning Better Lossless Compression Using Lossy Compression [PDF] 摘要
14. Deep Soft Procrustes for Markerless Volumetric Sensor Alignment [PDF] 摘要
15. Balanced Alignment for Face Recognition: A Joint Learning Approach [PDF] 摘要
16. SOLOv2: Dynamic, Faster and Stronger [PDF] 摘要
17. GeoGraph: Learning graph-based multi-view object detection with geometric cues end-to-end [PDF] 摘要
18. EPSNet: Efficient Panoptic Segmentation Network with Cross-layer Attention Fusion [PDF] 摘要
19. Depth Edge Guided CNNs for Sparse Depth Upsampling [PDF] 摘要
20. Multi-Plateau Ensemble for Endoscopic Artefact Segmentation and Detection [PDF] 摘要
21. Efficient Crowd Counting via Structured Knowledge Transfer [PDF] 摘要
22. Illumination-based Transformations Improve Skin Lesion Segmentation in Dermoscopic Images [PDF] 摘要
23. ASLFeat: Learning Local Features of Accurate Shape and Localization [PDF] 摘要
24. Linguistically Driven Graph Capsule Network for Visual Question Reasoning [PDF] 摘要
25. Fast(er) Reconstruction of Shredded Text Documents via Self-Supervised Deep Asymmetric Metric Learning [PDF] 摘要
26. Architectural Resilience to Foreground-and-Background Adversarial Noise [PDF] 摘要
27. Additive Angular Margin for Few Shot Learning to Classify Clinical Endoscopy Images [PDF] 摘要
28. Dynamic ReLU [PDF] 摘要
29. High Performance Sequence-to-Sequence Model for Streaming Speech Recognition [PDF] 摘要
30. Self-Supervised 2D Image to 3D Shape Translation with Disentangled Representations [PDF] 摘要
31. A Better Variant of Self-Critical Sequence Training [PDF] 摘要
32. The Instantaneous Accuracy: a Novel Metric for the Problem of Online Human Behaviour Recognition in Untrimmed Videos [PDF] 摘要
33. Curved Buildings Reconstruction from Airborne LiDAR Data by Matching and Deforming Geometric Primitives [PDF] 摘要
34. Ensembles of Deep Neural Networks for Action Recognition in Still Images [PDF] 摘要
35. Low Latency ASR for Simultaneous Speech Translation [PDF] 摘要
36. COVID-Net: A Tailored Deep Convolutional Neural Network Design for Detection of COVID-19 Cases from Chest Radiography Images [PDF] 摘要
37. Progressive Domain-Independent Feature Decomposition Network for Zero-Shot Sketch-Based Image Retrieval [PDF] 摘要
38. Large-Scale Screening of COVID-19 from Community Acquired Pneumonia using Infection Size-Aware Classification [PDF] 摘要
39. Visual Question Answering for Cultural Heritage [PDF] 摘要
40. Universal Differentiable Renderer for Implicit Neural Representations [PDF] 摘要
41. Review of data analysis in vision inspection of power lines with an in-depth discussion of deep learning technology [PDF] 摘要
42. Modal Regression based Structured Low-rank Matrix Recovery for Multi-view Learning [PDF] 摘要
43. Exploring Bottom-up and Top-down Cues with Attentive Learning for Webly Supervised Object Detection [PDF] 摘要
44. Mission-Aware Spatio-Temporal Deep Learning Model for UAS Instantaneous Density Prediction [PDF] 摘要
45. HDF: Hybrid Deep Features for Scene Image Representation [PDF] 摘要
46. Lifespan Age Transformation Synthesis [PDF] 摘要
47. Monocular Depth Prediction Through Continuous 3D Loss [PDF] 摘要
48. Learning 3D Part Assembly from a Single Image [PDF] 摘要
49. Video-based Person Re-Identification using Gated Convolutional Recurrent Neural Networks [PDF] 摘要
50. Cross-modal Deep Face Normals with Deactivable Skip Connections [PDF] 摘要
51. Multi-Task Learning Enhanced Single Image De-Raining [PDF] 摘要
52. Geometrically Mappable Image Features [PDF] 摘要
53. BiCANet: Bi-directional Contextual Aggregating Network for Image Semantic Segmentation [PDF] 摘要
54. A level set representation method for N-dimensional convex shape and applications [PDF] 摘要
55. Cooling-Shrinking Attack: Blinding the Tracker with Imperceptible Noises [PDF] 摘要
56. Single-shot autofocusing of microscopy images using deep learning [PDF] 摘要
57. Topological Sweep for Multi-Target Detection of Geostationary Space Objects [PDF] 摘要
58. Who2com: Collaborative Perception via Learnable Handshake Communication [PDF] 摘要
59. Monocular Real-time Hand Shape and Motion Capture using Multi-modal Data [PDF] 摘要
60. Appearance Fusion of Multiple Cues for Video Co-localization [PDF] 摘要
61. A MEMS-based Foveating LIDAR to enable Real-time Adaptive Depth Sensing [PDF] 摘要
62. Fast Symmetric Diffeomorphic Image Registration with Convolutional Neural Networks [PDF] 摘要
63. A Robotic 3D Perception System for Operating Room Environment Awareness [PDF] 摘要
64. Do Public Datasets Assure Unbiased Comparisons for Registration Evaluation? [PDF] 摘要
65. ROAM: Random Layer Mixup for Semi-Supervised Learning in Medical Imaging [PDF] 摘要
66. Coronavirus (COVID-19) Classification using CT Images by Machine Learning Methods [PDF] 摘要
67. Deep Unfolding Network for Image Super-Resolution [PDF] 摘要
68. Learning a Probabilistic Strategy for Computational Imaging Sensor Selection [PDF] 摘要
69. Ambiguity in Sequential Data: Predicting Uncertain Futures with Recurrent Models [PDF] 摘要
70. A Developmental Neuro-Robotics Approach for Boosting the Recognition of Handwritten Digits [PDF] 摘要
71. Attention U-Net Based Adversarial Architectures for Chest X-ray Lung Segmentation [PDF] 摘要
72. RobustGCNs: Robust Norm Graph Convolutional Networks in the Presence of Node Missing Data and Large Noises [PDF] 摘要
73. Bridge the Domain Gap Between Ultra-wide-field and Traditional Fundus Images via Adversarial Domain Adaptation [PDF] 摘要
74. Understanding the robustness of deep neural network classifiers for breast cancer screening [PDF] 摘要
75. One-Shot Informed Robotic Visual Search in the Wild [PDF] 摘要
76. HierTrain: Fast Hierarchical Edge AI Learning with Hybrid Parallelism in Mobile-Edge-Cloud Computing [PDF] 摘要
77. TanhExp: A Smooth Activation Function with High Convergence Speed for Lightweight Neural Networks [PDF] 摘要
78. AQPDCITY Dataset: Picture-Based PM2.5 Monitoring in the Urban Area of Big Cities [PDF] 摘要
79. On Information Plane Analyses of Neural Network Classifiers -- A Review [PDF] 摘要
80. Non-Adversarial Video Synthesis with Learned Priors [PDF] 摘要
81. Adversarial Continual Learning [PDF] 摘要
82. Adversarial Robustness on In- and Out-Distribution Improves Explainability [PDF] 摘要
阅读全文 »

目录

1. Generating Natural Language Adversarial Examples on a Large Scale with Generative Models [PDF] 摘要
2. Adaptive Name Entity Recognition under Highly Unbalanced Data [PDF] 摘要
3. PathVQA: 30000+ Questions for Medical Visual Question Answering [PDF] 摘要
4. Fast Cross-domain Data Augmentation through Neural Sentence Editing [PDF] 摘要
5. Unsupervised Word Polysemy Quantification with Multiresolution Grids of Contextual Embeddings [PDF] 摘要
6. E2EET: From Pipeline to End-to-end Entity Typing via Transformer-Based Embeddings [PDF] 摘要
7. Caption Generation of Robot Behaviors based on Unsupervised Learning of Action Segments [PDF] 摘要
8. SAC: Accelerating and Structuring Self-Attention via Sparse Adaptive Connection [PDF] 摘要
9. Prior Knowledge Driven Label Embedding for Slot Filling in Natural Language Understanding [PDF] 摘要
10. A Joint Approach to Compound Splitting and Idiomatic Compound Detection [PDF] 摘要
11. Analyzing Word Translation of Transformer Layers [PDF] 摘要
12. A Framework for Generating Explanations from Temporal Personal Health Data [PDF] 摘要
13. TArC: Incrementally and Semi-Automatically Collecting a Tunisian Arabish Corpus [PDF] 摘要
14. A Better Variant of Self-Critical Sequence Training [PDF] 摘要
15. Pairwise Multi-Class Document Classification for Semantic Relations between Wikipedia Articles [PDF] 摘要
16. Invariant Rationalization [PDF] 摘要
阅读全文 »

目录

1. Explainable Object-induced Action Decision for Autonomous Vehicles [PDF] 摘要
2. Comprehensive Instructional Video Analysis: The COIN Dataset and Performance Evaluation [PDF] 摘要
3. Domain Adaptation by Class Centroid Matching and Local Manifold Self-Learning [PDF] 摘要
4. SER-FIQ: Unsupervised Estimation of Face Image Quality Based on Stochastic Embedding Robustness [PDF] 摘要
5. Out-of-Distribution Detection for Skin Lesion Images with Deep Isolation Forest [PDF] 摘要
6. Selecting Relevant Features from a Universal Representation for Few-shot Classification [PDF] 摘要
7. Weakly Supervised 3D Hand Pose Estimation via Biomechanical Constraints [PDF] 摘要
8. Blockchain meets Biometrics: Concepts, Application to Template Protection, and Trends [PDF] 摘要
9. DeepFake Detection: Current Challenges and Next Steps [PDF] 摘要
10. Superaccurate Camera Calibration via Inverse Rendering [PDF] 摘要
11. 3dDepthNet: Point Cloud Guided Depth Completion Network for Sparse Depth and Single Color Image [PDF] 摘要
12. DMV: Visual Object Tracking via Part-level Dense Memory and Voting-based Retrieval [PDF] 摘要
13. Privileged Pooling: Supervised attention-based pooling for compensating dataset bias [PDF] 摘要
14. Detection in Crowded Scenes: One Proposal, Multiple Predictions [PDF] 摘要
15. Exploring Categorical Regularization for Domain Adaptive Object Detection [PDF] 摘要
16. Three-branch and Mutil-scale learning for Fine-grained Image Recognition (TBMSL-Net) [PDF] 摘要
17. Event-based Asynchronous Sparse Convolutional Networks [PDF] 摘要
18. CentripetalNet: Pursuing High-quality Keypoint Pairs for Object Detection [PDF] 摘要
19. Dual-discriminator GAN: A GAN way of profile face recognition [PDF] 摘要
20. FocalMix: Semi-Supervised Learning for 3D Medical Image Detection [PDF] 摘要
21. Masked Face Recognition Dataset and Application [PDF] 摘要
22. Data-Free Knowledge Amalgamation via Group-Stack Dual-GAN [PDF] 摘要
23. Fully Automated Hand Hygiene Monitoring\\in Operating Room using 3D Convolutional Neural Network [PDF] 摘要
24. Small-Object Detection in Remote Sensing Images with End-to-End Edge-Enhanced GAN and Object Detector Network [PDF] 摘要
25. A Graduated Filter Method for Large Scale Robust Estimation [PDF] 摘要
26. How to Train Your Event Camera Neural Network [PDF] 摘要
27. Cross-Shape Graph Convolutional Networks [PDF] 摘要
28. Affinity Graph Supervision for Visual Recognition [PDF] 摘要
29. Human Activity Recognition from Wearable Sensor Data Using Self-Attention [PDF] 摘要
30. Multilayer Dense Connections for Hierarchical Concept Classification [PDF] 摘要
31. Semi-Supervised Semantic Segmentation with Cross-Consistency Training [PDF] 摘要
32. MOT20: A benchmark for multi object tracking in crowded scenes [PDF] 摘要
33. Local Implicit Grid Representations for 3D Scenes [PDF] 摘要
34. Temporal Extension Module for Skeleton-Based Action Recognition [PDF] 摘要
35. RGB-Topography and X-rays Image Registration for Idiopathic Scoliosis Children Patient Follow-up [PDF] 摘要
36. Visual Navigation Among Humans with Optimal Control as a Supervisor [PDF] 摘要
37. Detection of Information Hiding at Anti-Copying 2D Barcodes [PDF] 摘要
38. U-Det: A Modified U-Net architecture with bidirectional feature network for lung nodule segmentation [PDF] 摘要
39. Multiview Chirality [PDF] 摘要
40. Accuracy of MRI Classification Algorithms in a Tertiary Memory Center Clinical Routine Cohort [PDF] 摘要
41. DIDFuse: Deep Image Decomposition for Infrared and Visible Image Fusion [PDF] 摘要
42. Diagnosis of Diabetic Retinopathy in Ethiopia: Before the Deep Learning based Automation [PDF] 摘要
43. Across-scale Process Similarity based Interpolation for Image Super-Resolution [PDF] 摘要
44. Few-Shot Learning with Geometric Constraints [PDF] 摘要
45. Unsupervised Latent Space Translation Network [PDF] 摘要
46. Efficient algorithm for calculating transposed PSF matrices for 3D light field deconvolution [PDF] 摘要
47. Learning the Loss Functions in a Discriminative Space for Video Restoration [PDF] 摘要
48. Online Continual Learning on Sequences [PDF] 摘要
49. Hierarchical Severity Staging of Anterior Cruciate Ligament Injuries using Deep Learning [PDF] 摘要
50. Kidney segmentation using 3D U-Net localized with Expectation Maximization [PDF] 摘要
51. Weakly Supervised Context Encoder using DICOM metadata in Ultrasound Imaging [PDF] 摘要
52. VisuoSpatial Foresight for Multi-Step, Multi-Task Fabric Manipulation [PDF] 摘要
53. Microvasculature Segmentation and Inter-capillary Area Quantification of the Deep Vascular Complex using Transfer Learning [PDF] 摘要
54. Metric learning: cross-entropy vs. pairwise losses [PDF] 摘要
阅读全文 »