0%

前面整理了冒泡排序和选择排序

1.冒泡排序
2.选择排序

相信很多人在学习这两个算法的时候像我一样,冒泡选择傻傻分不清楚,在写选择排序代码的时候一不留神就写成了冒泡排序。那么冒泡排序和选择排序究竟有什么不同呢?
1.什么时候交换数据,这也是他们最大的不同
冒泡排序:每一次比较数据都有可能交换数据;
选择排序:每轮所有比较结束后,才有可能交换一次数据。
2.是否需要辅助标记
冒泡排序:不需要辅助标记
选择排序:需要一个辅助标记,记录每轮比较,最小数的index

阅读全文 »

算法介绍

选择算法,以升序排序为例,每次从未排序的数据中找出(选出)最小数,然后将这个数放在已排序数据的后面。

视频演示

视频地址:https://www.bilibili.com/video/av18176082

python代码

1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
#-*- coding: utf-8 -*-

# 升序
def select_sort(data):
n = len(data)
# 外循环,i 代表扫描轮数,一共扫描 n-1 轮
for i in range(n-1):
min_idx = i
# 内循环,从未排序数据中找出最小数
for j in range(i+1, n):
if data[min_idx]>data[j]:
min_idx=j
if min_idx!=i:
data[min_idx], data[i] = data[i], data[min_idx]
return data


if __name__ == '__main__':
data = [64, 25, 12, 22, 11]
sorted_data = select_sort(data.copy())
print("排序前:", data)
print("排序后:", sorted_data)
阅读全文 »

算法介绍

冒泡算法源于水中气泡变化,以升序排序为例,从第一个元素开始,依次比较相邻两个元素的大小,将大的数放在后面;扫描一遍后,最大的数就被放在了最后面;然后进行第二轮扫描,将第二大的数放在倒数第二的位置上;一直重复扫描 n-1 遍。

视频演示

视频地址:https://www.bilibili.com/video/av18176281

阅读全文 »

目录

1. Action Segmentation with Joint Self-Supervised Temporal Domain Adaptation [PDF] 摘要
2. Feature Extraction for Hyperspectral Imagery: The Evolution from Shallow to Deep [PDF] 摘要
3. Multi-object Tracking via End-to-end Tracklet Searching and Ranking [PDF] 摘要
4. Combating noisy labels by agreement: A joint training method with co-regularization [PDF] 摘要
5. Search Space of Adversarial Perturbations against Image Filters [PDF] 摘要
6. Self-Supervised Spatio-Temporal Representation Learning Using Variable Playback Speed Prediction [PDF] 摘要
7. Image Generation from Freehand Scene Sketches [PDF] 摘要
8. AI outperformed every dermatologist: Improved dermoscopic melanoma diagnosis through customizing batch logic and loss function in an optimized Deep CNN architecture [PDF] 摘要
9. MarginDistillation: distillation for margin-based softmax [PDF] 摘要
10. GANwriting: Content-Conditioned Generation of Styled Handwritten Word Images [PDF] 摘要
11. Embedding Expansion: Augmentation in Embedding Space for Deep Metric Learning [PDF] 摘要
12. A Balanced and Uncertainty-aware Approach for Partial Domain Adaptation [PDF] 摘要
13. Detecting Attended Visual Targets in Video [PDF] 摘要
14. Adversarial Vertex Mixup: Toward Better Adversarially Robust Generalization [PDF] 摘要
15. Fake Generated Painting Detection via Frequency Analysis [PDF] 摘要
16. Cluster Pruning: An Efficient Filter Pruning Method for Edge AI Vision Applications [PDF] 摘要
17. End-to-End Trainable One-Stage Parking Slot Detection Integrating Global and Local Information [PDF] 摘要
18. Drone Based RGBT Vehicle Detection and Counting: A Challenge [PDF] 摘要
19. Who Make Drivers Stop? Towards Driver-centric Risk Assessment: Risk Object Identification via Causal Inference [PDF] 摘要
20. A Benchmark for LiDAR-based Panoptic Segmentation based on KITTI [PDF] 摘要
21. Towards Fair Cross-Domain Adaptation via Generative Learning [PDF] 摘要
22. Creating High Resolution Images with a Latent Adversarial Generator [PDF] 摘要
23. Learning View and Target Invariant Visual Servoing for Navigation [PDF] 摘要
24. The Impact of Hole Geometry on Relative Robustness of In-Painting Networks: An Empirical Study [PDF] 摘要
25. Exploring Partial Intrinsic and Extrinsic Symmetry in 3D Medical Imaging [PDF] 摘要
26. Event-Based Angular Velocity Regression with Spiking Networks [PDF] 摘要
27. Dimensionality Reduction and Motion Clustering during Activities of Daily Living: 3, 4, and 7 Degree-of-Freedom Arm Movements [PDF] 摘要
28. Learning the sense of touch in simulation: a sim-to-real strategy for vision-based tactile sensing [PDF] 摘要
29. Demographic Bias in Biometrics: A Survey on an Emerging Challenge [PDF] 摘要
30. Cumulant-free closed-form formulas for some common (dis)similarities between densities of an exponential family [PDF] 摘要
31. Harnessing Multi-View Perspective of Light Fields for Low-Light Imaging [PDF] 摘要
32. Team O2AS at the World Robot Summit 2018: An Approach to Robotic Kitting and Assembly Tasks using General Purpose Grippers and Tools [PDF] 摘要
阅读全文 »

目录

1. An Empirical Accuracy Law for Sequential Machine Translation: the Case of Google Translate [PDF] 摘要
2. HypoNLI: Exploring the Artificial Patterns of Hypothesis-only Bias in Natural Language Inference [PDF] 摘要
3. Zero-Shot Cross-Lingual Transfer with Meta Learning [PDF] 摘要
4. Fact Check-Worthiness Detection as Positive Unlabelled Learning [PDF] 摘要
5. SentenceMIM: A Latent Variable Language Model [PDF] 摘要
6. RecipeGPT: Generative Pre-training Based Cooking Recipe Generation and Evaluation System [PDF] 摘要
7. Kleister: A novel task for Information Extraction involving Long Documents with Complex Layout [PDF] 摘要
8. A Study on Efficiency, Accuracy and Document Structure for Answer Sentence Selection [PDF] 摘要
9. BERT as a Teacher: Contextual Embeddings for Sequence-Level Reward [PDF] 摘要
10. Phase transitions in a decentralized graph-based approach to human language [PDF] 摘要
11. An Incremental Explanation of Inference in Hybrid Bayesian Networks for Increasing Model Trustworthiness and Supporting Clinical Decision Making [PDF] 摘要
12. Real-time, Universal, and Robust Adversarial Attacks Against Speaker Recognition Systems [PDF] 摘要
阅读全文 »

目录

1. Spatiotemporal-Aware Augmented Reality: Redefining HCI in Image-Guided Therapy [PDF] 摘要
2. Robust Perceptual Night Vision in Thermal Colorization [PDF] 摘要
3. HintPose [PDF] 摘要
4. VESR-Net: The Winning Solution to Youku Video Enhancement and Super-Resolution Challenge [PDF] 摘要
5. Unity Style Transfer for Person Re-Identification [PDF] 摘要
6. Mixup Regularization for Region Proposal based Object Detectors [PDF] 摘要
7. Vehicle-Human Interactive Behaviors in Emergency: Data Extraction from Traffic Accident Videos [PDF] 摘要
8. Learning to Transfer Texture from Clothing Images to 3D Humans [PDF] 摘要
9. Annotation-free Learning of Deep Representations for Word Spotting using Synthetic Data and Self Labeling [PDF] 摘要
10. Occlusion Aware Unsupervised Learning of Optical Flow From Video [PDF] 摘要
11. Automatic Signboard Detection from Natural Scene Image in Context of Bangladesh Google Street View [PDF] 摘要
12. Reveal of Domain Effect: How Visual Restoration Contributes to Object Detection in Aquatic Scenes [PDF] 摘要
13. Double Backpropagation for Training Autoencoders against Adversarial Attack [PDF] 摘要
14. GarmentGAN: Photo-realistic Adversarial Fashion Transfer [PDF] 摘要
15. MoVi: A Large Multipurpose Motion and Video Dataset [PDF] 摘要
16. A Deep Learning Method for Complex Human Activity Recognition Using Virtual Wearable Sensors [PDF] 摘要
17. Type I Attack for Generative Models [PDF] 摘要
18. Region adaptive graph fourier transform for 3d point clouds [PDF] 摘要
19. Watch your Up-Convolution: CNN Based Generative Deep Neural Networks are Failing to Reproduce Spectral Distributions [PDF] 摘要
20. Implicitly Defined Layers in Neural Networks [PDF] 摘要
21. RODNet: Object Detection under Severe Conditions Using Vision-Radio Cross-Modal Supervision [PDF] 摘要
22. TimeConvNets: A Deep Time Windowed Convolution Neural Network Design for Real-time Video Facial Expression Recognition [PDF] 摘要
23. A Robust Imbalanced SAR Image Change Detection Approach Based on Deep Difference Image and PCANet [PDF] 摘要
24. Blind Image Restoration without Prior Knowledge [PDF] 摘要
25. Image-based OoD-Detector Principles on Graph-based Input Data in Human Action Recognition [PDF] 摘要
26. Voxel Map for Visual SLAM [PDF] 摘要
27. Colored Noise Injection for Training Adversarially Robust Neural Networks [PDF] 摘要
28. Deep Joint Transmission-Recognition for Power-Constrained IoT Devices [PDF] 摘要
29. Redesigning SLAM for Arbitrary Multi-Camera Systems [PDF] 摘要
30. G-VAE: A Continuously Variable Rate Deep Image Compression Framework [PDF] 摘要
31. A Learning Strategy for Contrast-agnostic MRI Segmentation [PDF] 摘要
32. The iCub multisensor datasets for robot and computer vision applications [PDF] 摘要
33. Metrics and methods for robustness evaluation of neural networks with generative models [PDF] 摘要
34. Learning for Video Compression with Hierarchical Quality and Recurrent Enhancement [PDF] 摘要
35. ADRN: Attention-based Deep Residual Network for Hyperspectral Image Denoising [PDF] 摘要
36. \textit{Semixup}: In- and Out-of-Manifold Regularization for Deep Semi-Supervised Knee Osteoarthritis Severity Grading from Plain Radiographs [PDF] 摘要
37. Gaussianization Flows [PDF] 摘要
38. ETRI-Activity3D: A Large-Scale RGB-D Dataset for Robots to Recognize Daily Activities of the Elderly [PDF] 摘要
39. Black-box Smoothing: A Provable Defense for Pretrained Classifiers [PDF] 摘要
40. Localising Faster: Efficient and precise lidar-based robot localisation in large-scale environments [PDF] 摘要
41. Semantic sensor fusion: from camera to sparse lidar information [PDF] 摘要
42. Learning Rope Manipulation Policies Using Dense Object Descriptors Trained on Synthetic Depth Data [PDF] 摘要
43. RMP-SNNs: Residual Membrane Potential Neuron for Enabling Deeper High-Accuracy and Low-Latency Spiking Neural Networks [PDF] 摘要
44. Security of Deep Learning based Lane Keeping System under Physical-World Adversarial Attack [PDF] 摘要
阅读全文 »

目录

1. jiant: A Software Toolkit for Research on General-Purpose Text Understanding Models [PDF] 摘要
2. Data Augmentation using Pre-trained Transformer Models [PDF] 摘要
3. Unsupervised Adversarial Domain Adaptation for Implicit Discourse Relation Classification [PDF] 摘要
4. Evaluating Low-Resource Machine Translation between Chinese and Vietnamese with Back-Translation [PDF] 摘要
5. Sequential Neural Networks for Noetic End-to-End Response Selection [PDF] 摘要
6. Posterior-GAN: Towards Informative and Coherent Response Generation with Posterior Generative Adversarial Network [PDF] 摘要
7. Restoration of Fragmentary Babylonian Texts Using Recurrent Neural Networks [PDF] 摘要
8. SeMemNN: A Semantic Matrix-Based Memory Neural Network for Text Classification [PDF] 摘要
9. HyperEmbed: Tradeoffs Between Resources and Performance in NLP Tasks with Hyperdimensional Computing enabled Embedding of n-gram Statistics [PDF] 摘要
10. AlignTTS: Efficient Feed-Forward Text-to-Speech System without Explicit Alignment [PDF] 摘要
11. GraphTTS: graph-to-sequence modelling in neural text-to-speech [PDF] 摘要
12. On Emergent Communication in Competitive Multi-Agent Teams [PDF] 摘要
13. Discover Your Social Identity from What You Tweet: a Content Based Approach [PDF] 摘要
14. Untangling in Invariant Speech Recognition [PDF] 摘要
15. Phonetic Feedback for Speech Enhancement With and Without Parallel Speech Data [PDF] 摘要
16. Towards Real-time Mispronunciation Detection in Kids' Speech [PDF] 摘要
阅读全文 »

目录

1. BATS: Binary ArchitecTure Search [PDF] 摘要
2. Holistically-Attracted Wireframe Parsing [PDF] 摘要
3. Unsupervised Learning of Intrinsic Structural Representation Points [PDF] 摘要
4. Volumetric landmark detection with a multi-scale shift equivariant neural network [PDF] 摘要
5. Deep Multi-Modal Sets [PDF] 摘要
6. Image Matching across Wide Baselines: From Paper to Practice [PDF] 摘要
7. Distilled Hierarchical Neural Ensembles with Adaptive Inference Cost [PDF] 摘要
8. Disentangling Physical Dynamics from Unknown Factors for Unsupervised Video Prediction [PDF] 摘要
9. Implicit Functions in Feature Space for 3D Shape Reconstruction and Completion [PDF] 摘要
10. Rethinking Zero-shot Video Classification: End-to-end Training for Realistic Applications [PDF] 摘要
11. 3D dynamic hand gestures recognition using the Leap Motion sensor and convolutional neural networks [PDF] 摘要
12. UDD: An Underwater Open-sea Farm Object Detection Dataset for Underwater Robot Picking [PDF] 摘要
13. What's the relationship between CNNs and communication systems? [PDF] 摘要
14. DeepSperm: A robust and real-time bull sperm-cell detection in densely populated semen videos [PDF] 摘要
15. Fully Convolutional Networks for Automatically Generating Image Masks to Train Mask R-CNN [PDF] 摘要
16. multi-patch aggregation models for resampling detection [PDF] 摘要
17. DiPE: Deeper into Photometric Errors for Unsupervised Learning of Depth and Ego-motion from Monocular Videos [PDF] 摘要
18. Gastric histopathology image segmentation using a hierarchical conditional random field [PDF] 摘要
19. Data-Free Adversarial Perturbations for Practical Black-Box Attack [PDF] 摘要
20. Trained Model Fusion for Object Detection using Gating Network [PDF] 摘要
21. Towards Noise-resistant Object Detection with Noisy Annotations [PDF] 摘要
22. Disrupting DeepFakes: Adversarial Attacks Against Conditional Image Translation Networks and Facial Manipulation Systems [PDF] 摘要
23. Single-Shot Pose Estimation of Surgical Robot Instruments' Shafts from Monocular Endoscopic Images [PDF] 摘要
24. Point-GNN: Graph Neural Network for 3D Object Detection in a Point Cloud [PDF] 摘要
25. MVC-Net: A Convolutional Neural Network Architecture for Manifold-Valued Images With Applications [PDF] 摘要
26. MRI Super-Resolution with GAN and 3D Multi-Level DenseNet: Smaller, Faster, and Better [PDF] 摘要
27. Energy-efficient and Robust Cumulative Training with Net2Net Transformation [PDF] 摘要
28. DEEVA: A Deep Learning and IoT Based Computer Vision System to Address Safety and Security of Production Sites in Energy Industry [PDF] 摘要
29. LiDARNet: A Boundary-Aware Domain Adaptation Model for Lidar Point Cloud Semantic Segmentation [PDF] 摘要
30. Understanding Contexts Inside Robot and Human Manipulation Tasks through a Vision-Language Model and Ontology System in a Video Stream [PDF] 摘要
31. Unsupervised Domain Adaptation for Mammogram Image Classification: A Promising Tool for Model Generalization [PDF] 摘要
32. Learning from Suspected Target: Bootstrapping Performance for Breast Cancer Detection in Mammography [PDF] 摘要
33. Reliable evaluation of adversarial robustness with an ensemble of diverse parameter-free attacks [PDF] 摘要
34. Compact Surjective Encoding Autoencoder for Unsupervised Novelty Detection [PDF] 摘要
35. BUSU-Net: An Ensemble U-Net Framework for Medical Image Segmentation [PDF] 摘要
36. XGPT: Cross-modal Generative Pre-Training for Image Captioning [PDF] 摘要
37. Curriculum By Texture [PDF] 摘要
38. Shape analysis via inconsistent surface registration [PDF] 摘要
39. DDU-Nets: Distributed Dense Model for 3D MRI Brain Tumor Segmentation [PDF] 摘要
40. Visualizing intestines for diagnostic assistance of ileus based on intestinal region segmentation from 3D CT images [PDF] 摘要
41. A Deep learning Approach to Generate Contrast-Enhanced Computerised Tomography Angiography without the Use of Intravenous Contrast Agents [PDF] 摘要
42. RandomNet: Towards Fully Automatic Neural Architecture Design for Multimodal Learning [PDF] 摘要
阅读全文 »