0%

目录

1. Marathi To English Neural Machine Translation With Near Perfect Corpus And Transformers [PDF] 摘要
2. Using Distributional Thesaurus Embedding for Co-hyponymy Detection [PDF] 摘要
3. Detecting Potential Topics In News Using BERT, CRF and Wikipedia [PDF] 摘要
4. Speech2Phone: A Multilingual and Text Independent Speaker Identification Model [PDF] 摘要
5. End-to-End Entity Linking and Disambiguation leveraging Word and Knowledge Graph Embeddings [PDF] 摘要
6. Trends of digitalization and adoption of big data & analytics among UK SMEs: Analysis and lessons drawn from a case study of 53 SMEs [PDF] 摘要
7. Object Relational Graph with Teacher-Recommended Learning for Video Captioning [PDF] 摘要
8. Sparse Sinkhorn Attention [PDF] 摘要
9. A Density Ratio Approach to Language Model Fusion in End-To-End Automatic Speech Recognition [PDF] 摘要
阅读全文 »

1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
import smtplib
from email.mime.text import MIMEText
from email.mime.application import MIMEApplication
from email.header import Header

def send_email(filename, message_type='html'):
# 第三方 SMTP 服务
mail_host = "smtp.xxx.xxx.xxx" # 设置服务器
mail_user = "name@xxx.xxx.xxx" # 发件邮箱
mail_pass = "xxxxxx" # 密码
receivers = ['name@xxx.xxx.xxx',] # 收件邮箱

sender = 'name@xxx.xxx.xxx' # 发件邮箱

message=filename # 邮件内容
header=filename # 发件人title
subject=filename # 邮件标题

part = MIMEText(message, message_type, 'utf-8')
message = MIMEMultipart()

message['From'] = Header(header, 'utf-8')
message['Subject'] = Header(subject, 'utf-8')
message.attach(part)

attachment=MIMEApplication(open(filename, 'rb').read())
attachment.add_header('Content-Disposition', 'attachment', filename=filename)
message.attach(attachment)

try:
smtpObj = smtplib.SMTP()
smtpObj.connect(mail_host, 25) # 25 为 SMTP 端口号
smtpObj.login(mail_user, mail_pass)
smtpObj.sendmail(sender, receivers, message.as_string())
print("邮件发送成功")
return True
except smtplib.SMTPException:
print("Error: 无法发送邮件")
return False

if __name__ == '__main__':
send_email('test.txt')

目录

1. Semantic Relatedness for Keyword Disambiguation: Exploiting Different Embeddings [PDF] 摘要
2. Language-Independent Tokenisation Rivals Language-Specific Tokenisation for Word Similarity Prediction [PDF] 摘要
3. A more abstractive summarization model [PDF] 摘要
4. MiniLM: Deep Self-Attention Distillation for Task-Agnostic Compression of Pre-Trained Transformers [PDF] 摘要
5. Detecting Asks in SE attacks: Impact of Linguistic and Structural Knowledge [PDF] 摘要
6. KEML: A Knowledge-Enriched Meta-Learning Framework for Lexical Relation Classification [PDF] 摘要
7. Small-Footprint Open-Vocabulary Keyword Spotting with Quantized LSTM Networks [PDF] 摘要
8. BERT Can See Out of the Box: On the Cross-modal Transferability of Text Representations [PDF] 摘要
9. MuST-Cinema: a Speech-to-Subtitles corpus [PDF] 摘要
10. Label-guided Learning for Text Classification [PDF] 摘要
11. Event Detection with Relation-Aware Graph Convolutional Neural Networks [PDF] 摘要
12. End-to-end Emotion-Cause Pair Extraction via Learning to Link [PDF] 摘要
13. Multimodal Transformer with Pointer Network for the DSTC8 AVSD Challenge [PDF] 摘要
14. Exploring BERT Parameter Efficiency on the Stanford Question Answering Dataset v2.0 [PDF] 摘要
15. Differentiable Reasoning over a Virtual Knowledge Base [PDF] 摘要
16. Parsing Early Modern English for Linguistic Search [PDF] 摘要
17. On Feature Normalization and Data Augmentation [PDF] 摘要
18. Diversity-Based Generalization for Neural Unsupervised Text Classification under Domain Shift [PDF] 摘要
19. Abstractive Snippet Generation [PDF] 摘要
20. Declarative Memory-based Structure for the Representation of Text Data [PDF] 摘要
21. Towards Learning a Generic Agent for Vision-and-Language Navigation via Pre-training [PDF] 摘要
22. Automating Discovery of Dominance in Synchronous Computer-Mediated Communication [PDF] 摘要
阅读全文 »

目录

1. Resources for Turkish Dependency Parsing: Introducing the BOUN Treebank and the BoAT Annotation Tool [PDF] 摘要
2. Discriminative Adversarial Search for Abstractive Summarization [PDF] 摘要
3. Multilingual Twitter Corpus and Baselines for Evaluating Demographic Bias in Hate Speech Recognition [PDF] 摘要
4. Low-Resource Knowledge-Grounded Dialogue Generation [PDF] 摘要
5. Improving BERT Fine-Tuning via Self-Ensemble and Self-Distillation [PDF] 摘要
6. Semi-Supervised Speech Recognition via Local Prior Matching [PDF] 摘要
7. Word Embeddings Inherently Recover the Conceptual Organization of the Human Mind [PDF] 摘要
8. Fixed Encoder Self-Attention Patterns in Transformer-Based Machine Translation [PDF] 摘要
9. Learning to Select Bi-Aspect Information for Document-Scale Text Content Manipulation [PDF] 摘要
10. A Hybrid Approach to Dependency Parsing: Combining Rules and Morphology with Deep Learning [PDF] 摘要
11. Predicting Subjective Features from Questions on QA Websites using BERT [PDF] 摘要
12. GRET: Global Representation Enhanced Transformer [PDF] 摘要
13. Do Multi-Hop Question Answering Systems Know How to Answer the Single-Hop Sub-Questions? [PDF] 摘要
14. A Nepali Rule Based Stemmer and its performance on different NLP applications [PDF] 摘要
15. Fill in the BLANC: Human-free quality estimation of document summaries [PDF] 摘要
16. Unsupervised Question Decomposition for Question Answering [PDF] 摘要
17. Exploiting Typed Syntactic Dependencies for Targeted Sentiment Classification Using Graph Attention Neural Network [PDF] 摘要
18. Incorporating Effective Global Information via Adaptive Gate Attention for Text Classification [PDF] 摘要
19. Machine Translation System Selection from Bandit Feedback [PDF] 摘要
20. Markov Chain Monte-Carlo Phylogenetic Inference Construction in Computational Historical Linguistics [PDF] 摘要
21. Data Augmentation for Copy-Mechanism in Dialogue State Tracking [PDF] 摘要
22. Efficient Sentence Embedding via Semantic Subspace Analysis [PDF] 摘要
23. "Wait, I'm Still Talking!" Predicting the Dialogue Interaction Behavior Using Imagine-Then-Arbitrate Model [PDF] 摘要
24. Emergent Communication with World Models [PDF] 摘要
25. Training Question Answering Models From Synthetic Data [PDF] 摘要
26. Extracting and Validating Explanatory Word Archipelagoes using Dual Entropy [PDF] 摘要
27. Modelling Latent Skills for Multitask Language Generation [PDF] 摘要
28. KBSET -- Knowledge-Based Support for Scholarly Editing and Text Processing with Declarative LaTeX Markup and a Core Written in SWI-Prolog [PDF] 摘要
29. Uncertainty based Class Activation Maps for Visual Question Answering [PDF] 摘要
30. Rhythm, Chord and Melody Generation for Lead Sheets using Recurrent Neural Networks [PDF] 摘要
31. Leveraging Code Generation to Improve Code Retrieval and Summarization via Dual Learning [PDF] 摘要
32. FONDUE: A Framework for Node Disambiguation Using Network Embeddings [PDF] 摘要
33. Emosaic: Visualizing Affective Content of Text at Varying Granularity [PDF] 摘要
34. Deep Multimodal Image-Text Embeddings for Automatic Cross-Media Retrieval [PDF] 摘要
35. Automata for Hyperlanguages [PDF] 摘要
36. Sketching Transformed Matrices with Applications to Natural Language Processing [PDF] 摘要
阅读全文 »

目录

1. Spatiotemporal Relationship Reasoning for Pedestrian Intent Prediction [PDF] 摘要
2. Strategy to Increase the Safety of a DNN-based Perception for HAD Systems [PDF] 摘要
3. Deep Learning-Based Feature Extraction in Iris Recognition: Use Existing Models, Fine-tune or Train From Scratch? [PDF] 摘要
4. Automatic Shortcut Removal for Self-Supervised Representation Learning [PDF] 摘要
5. Object 6D Pose Estimation with Non-local Attention [PDF] 摘要
6. Roto-Translation Equivariant Convolutional Networks: Application to Histopathology Image Analysis [PDF] 摘要
7. A survey on Semi-, Self- and Unsupervised Techniques in Image Classification [PDF] 摘要
8. Photorealistic Lip Sync with Adversarial Temporal Convolutional Networks [PDF] 摘要
9. Bi-directional Dermoscopic Feature Learning and Multi-scale Consistent Decision Fusion for Skin Lesion Segmentation [PDF] 摘要
10. Neural Network Compression Framework for fast model inference [PDF] 摘要
11. Stroke Constrained Attention Network for Online Handwritten Mathematical Expression Recognition [PDF] 摘要
12. Focus on Semantic Consistency for Cross-domain Crowd Understanding [PDF] 摘要
13. KaoKore: A Pre-modern Japanese Art Facial Expression Dataset [PDF] 摘要
14. Captioning Images Taken by People Who Are Blind [PDF] 摘要
15. Learning Object Scale With Click Supervision for Object Detection [PDF] 摘要
16. Fast and Regularized Reconstruction of Building Façades from Street-View Images using Binary Integer Programming [PDF] 摘要
17. Do We Really Need to Access the Source Data? Source Hypothesis Transfer for Unsupervised Domain Adaptation [PDF] 摘要
18. Expressing Objects just like Words: Recurrent Visual Embedding for Image-Text Matching [PDF] 摘要
19. Modelling response to trypophobia trigger using intermediate layers of ImageNet networks [PDF] 摘要
20. Revisiting Training Strategies and Generalization Performance in Deep Metric Learning [PDF] 摘要
21. SD-GAN: Structural and Denoising GAN reveals facial parts under occlusion [PDF] 摘要
22. Cooperative LIDAR Object Detection via Feature Sharing in Deep Networks [PDF] 摘要
23. Residual-Sparse Fuzzy $C$-Means Clustering Incorporating Morphological Reconstruction and Wavelet frames [PDF] 摘要
24. Table-Top Scene Analysis Using Knowledge-Supervised MCMC [PDF] 摘要
25. A Generalizable Knowledge Framework for Semantic Indoor Mapping Based on Markov Logic Networks and Data Driven MCMC [PDF] 摘要
26. JRMOT: A Real-Time 3D Multi-Object Tracker and a New Large-Scale Dataset [PDF] 摘要
27. MonoLayout: Amodal scene layout from a single image [PDF] 摘要
28. SynFi: Automatic Synthetic Fingerprint Generation [PDF] 摘要
29. A Bayes-Optimal View on Adversarial Examples [PDF] 摘要
30. Deep Learning Estimation of Multi-Tissue Constrained Spherical Deconvolution with Limited Single Shell DW-MRI [PDF] 摘要
31. Pruning untrained neural networks: Principles and Analysis [PDF] 摘要
32. Disentangled Speech Embeddings using Cross-modal Self-supervision [PDF] 摘要
33. Bimodal Distribution Removal and Genetic Algorithm in Neural Network for Breast Cancer Diagnosis [PDF] 摘要
34. An empirical study of Conv-TasNet [PDF] 摘要
35. Unsupervised Multi-Class Domain Adaptation: Theory, Algorithms, and Practice [PDF] 摘要
36. Unsupervised Domain Adaptation via Discriminative Manifold Embedding and Alignment [PDF] 摘要
37. A Novel Framework for Selection of GANs for an Application [PDF] 摘要
38. Boosting Adversarial Training with Hypersphere Embedding [PDF] 摘要
39. Cross-stained Segmentation from Renal Biopsy Images Using Multi-level Adversarial Learning [PDF] 摘要
40. Deep Fusion of Local and Non-Local Features for Precision Landslide Recognition [PDF] 摘要
41. AdvMS: A Multi-source Multi-cost Defense Against Adversarial Attacks [PDF] 摘要
42. Fine tuning U-Net for ultrasound image segmentation: which layers? [PDF] 摘要
43. Interactive Natural Language-based Person Search [PDF] 摘要
44. T-Net: A Template-Supervised Network for Task-specific Feature Extraction in Biomedical Image Analysis [PDF] 摘要
45. Algorithm-hardware Co-design for Deformable Convolution [PDF] 摘要
阅读全文 »

目录

1. Measuring Social Biases in Grounded Vision and Language Embeddings [PDF] 摘要
2. How Much Knowledge Can You Pack Into the Parameters of a Language Model? [PDF] 摘要
3. REALM: Retrieval-Augmented Language Model Pre-Training [PDF] 摘要
4. Application of Pre-training Models in Named Entity Recognition [PDF] 摘要
5. Identifying physical health comorbidities in a cohort of individuals with severe mental illness: An application of SemEHR [PDF] 摘要
6. Compositional Neural Machine Translation by Removing the Lexicon from Syntax [PDF] 摘要
7. MA-DST: Multi-Attention Based Scalable Dialog State Tracking [PDF] 摘要
8. The Fluidity of Concept Representations in Human Brain Signals [PDF] 摘要
9. Contextual Lensing of Universal Sentence Representations [PDF] 摘要
10. Guiding attention in Sequence-to-sequence models for Dialogue Act prediction [PDF] 摘要
11. Balancing Cost and Benefit with Tied-Multi Transformers [PDF] 摘要
12. FrameAxis: Characterizing Framing Bias and Intensity with Word Embedding [PDF] 摘要
13. Federated pretraining and fine tuning of BERT using clinical notes from multiple silos [PDF] 摘要
14. Wavesplit: End-to-End Speech Separation by Speaker Clustering [PDF] 摘要
15. Imputer: Sequence Modelling via Imputation and Dynamic Programming [PDF] 摘要
16. Multi-Agent Reinforcement Learning as a Computational Tool for Language Evolution Research: Historical Context and Future Challenges [PDF] 摘要
17. How To Avoid Being Eaten By a Grue: Exploration Strategies for Text-Adventure Agents [PDF] 摘要
18. Interactive Natural Language-based Person Search [PDF] 摘要
阅读全文 »

目录

1. Compressing BERT: Studying the Effects of Weight Pruning on Transfer Learning [PDF] 摘要
2. Multilogue-Net: A Context Aware RNN for Multi-modal Emotion Detection and Sentiment Analysis in Conversation [PDF] 摘要
3. CodeBERT: A Pre-Trained Model for Programming and Natural Languages [PDF] 摘要
4. Hierarchical models vs. transfer learning for document-level sentiment classification [PDF] 摘要
5. Rnn-transducer with language bias for end-to-end Mandarin-English code-switching speech recognition [PDF] 摘要
6. LAMBERT: Layout-Aware language Modeling using BERT for information extraction [PDF] 摘要
7. Toward Making the Most of Context in Neural Machine Translation [PDF] 摘要
8. The Microsoft Toolkit of Multi-Task Deep Neural Networks for Natural Language Understanding [PDF] 摘要
9. Studying the Effects of Cognitive Biases in Evaluation of Conversational Agents [PDF] 摘要
10. Transfer Learning for Abstractive Summarization at Controllable Budgets [PDF] 摘要
11. VQA-LOL: Visual Question Answering under the Lens of Logic [PDF] 摘要
12. A Differential-form Pullback Programming Language for Higher-order Reverse-mode Automatic Differentiation [PDF] 摘要
13. Tree-structured Attention with Hierarchical Accumulation [PDF] 摘要
14. Non-Autoregressive Dialog State Tracking [PDF] 摘要
阅读全文 »

目录

1. Extracting Semantic Indoor Maps from Occupancy Grids [PDF] 摘要
2. Towards a Complete Pipeline for Segmenting Nuclei in Feulgen-Stained Images [PDF] 摘要
3. VQA-LOL: Visual Question Answering under the Lens of Logic [PDF] 摘要
4. When Radiology Report Generation Meets Knowledge Graph [PDF] 摘要
5. Weakly Supervised Semantic Segmentation of Satellite Images for Land Cover Mapping -- Challenges and Opportunities [PDF] 摘要
6. AI Online Filters to Real World Image Recognition [PDF] 摘要
7. siaNMS: Non-Maximum Suppression with Siamese Networks for Multi-Camera 3D Object Detection [PDF] 摘要
8. Three-Stream Fusion Network for First-Person Interaction Recognition [PDF] 摘要
9. DeFraudNet:End2End Fingerprint Spoof Detection using Patch Level Attention [PDF] 摘要
10. Model-Agnostic Structured Sparsification with Learnable Channel Shuffle [PDF] 摘要
11. Weakly-Supervised Semantic Segmentation by Iterative Affinity Learning [PDF] 摘要
12. Unsupervised Temporal Feature Aggregation for Event Detection in Unstructured Sports Videos [PDF] 摘要
13. Meta Segmentation Network for Ultra-Resolution Medical Images [PDF] 摘要
14. Feasibility of Video-based Sub-meter Localization on Resource-constrained Platforms [PDF] 摘要
15. On-line non-overlapping camera calibration net [PDF] 摘要
16. Universal Domain Adaptation through Self Supervision [PDF] 摘要
17. Dataset of Segmented Nuclei in Hematoxylin and Eosin Stained Histopathology Images of 10 Cancer Types [PDF] 摘要
18. Lake Ice Monitoring with Webcams and Crowd-Sourced Images [PDF] 摘要
19. Fawkes: Protecting Personal Privacy against Unauthorized Deep Learning Models [PDF] 摘要
20. Variational Encoder-based Reliable Classification [PDF] 摘要
21. SYMOG: learning symmetric mixture of Gaussian modes for improved fixed-point quantization [PDF] 摘要
22. Variable-Bitrate Neural Compression via Bayesian Arithmetic Coding [PDF] 摘要
23. Randomized Smoothing of All Shapes and Sizes [PDF] 摘要
24. Hierarchical Quantized Autoencoders [PDF] 摘要
25. Neural Networks on Random Graphs [PDF] 摘要
26. Enlarging Discriminative Power by Adding an Extra Class in Unsupervised Domain Adaptation [PDF] 摘要
27. Globally optimal point set registration by joint symmetry plane fitting [PDF] 摘要
28. Block Switching: A Stochastic Approach for Deep Learning Security [PDF] 摘要
29. LocoGAN -- Locally Convolutional GAN [PDF] 摘要
30. Towards Query-Efficient Black-Box Adversary with Zeroth-Order Natural Gradient Descent [PDF] 摘要
31. CBIR using features derived by Deep Learning [PDF] 摘要
阅读全文 »