Generate a list of papers with publicly available source code in the daily arxiv

Overview

2021-06-08

paper code
optimal network slicing for service-oriented networks with flexible routing and guaranteed e2e latency networkslicing
multi-modal point-of-care diagnostics for covid-19 based on acoustics and symptoms MuDiCov
configuring an intelligent reflecting surface for wireless communications SP_Cup_2021
energy and age pareto optimal trajectories in uav-assisted wireless data collection BDforUavPath
on perceptual lossy compression: the cost of perceptual reconstruction and an optimal training framework Perceptual-Lossy-Compression

2021-06-07

paper code
cold: concurrent loads disaggregator for non-intrusive load monitoring cold-nilm
homological time series analysis of sensor signals from power plants TwirlFlake

2021-06-04

paper code
channel estimation for one-bit multiuser massive mimo using conditional gan Channel_Estimation_cGAN
gender bias in depression detection using audio features DepAudioNet_reproduction
heppcat: probabilistic pca for data with heteroscedastic noise heteroscedastic-probabilistic-pca
sparse kronecker-product coding for unsourced multiple access SKPC-UMA
multi-uav path planning for wireless data harvesting with deep reinforcement learning uav_data_harvesting

2021-06-03

paper code
adaptive self-interference cancellation for full-duplex wireless communication systems Full-Duplex-Steepest-Descent
self-training sampling with monolingual data uncertainty for neural machine translation UncSamp

2021-06-02

paper code
reconfigurable intelligent surface enabled federated learning: a unified communication-learning design approach RIS-FL
a mixed integer least-squares formulation of the gnss snapshot positioning problem snapshot-positioning
dynamic-deep: ecg task-aware compression Dynamic-Deep
a compact and interpretable convolutional neural network for cross-subject driver drowsiness detection from single-channel eeg A-Compact-and-Interpretable-Convolutional-Neural-Network-for-Single-Channel-EEG
meta-har: federated representation learning for human activity recognition Meta-HAR

2021-06-01

paper code
an efficient and effective second-order training algorithm for lstm-based adaptive learning EfficientEffectiveLSTM
block deep neural network-based signal detector for generalized spatial modulation B_DNN
support recovery for sparse multidimensional phase retrieval Sparse-Multidimensional-PR
overcoming measurement inconsistency in deep learning for linear inverse problems: applications in medical imaging mri-tvtv
interval propagation through the discrete fourier transform Fourier-transform
clnet: complex input lightweight neural network designed for massive mimo csi feedback CLNet
an iterative jacobi-like algorithm to compute a few sparse eigenvalue-eigenvector pairs JACOBI-PCA
an automated theorem proving framework for information-theoretic results psitip

2021-05-31

paper code
a simulation-based end-to-end learning framework for evidential occupancy grid mapping EviLOG
salientsleepnet: multimodal salient wave detection network for sleep staging SalientSleepNet
recovery of future data via convolution nuclear norm minimization CNNM

2021-05-28

paper code
multi-resolution csi feedback with deep learning in massive mimo system CRNet
unsupervised deep learning for massive mimo hybrid beamforming HBF-Net
robust learning from corrupted eeg with dynamic spatial filtering dynamic-spatial-filtering

2021-05-27

paper code
learning to continuously optimize wireless resource in episodically dynamic environment ICASSP2021
lenient regret and good-action identification in gaussian process bandits GoodAction

2021-05-26

paper code
self-supervised transfer learning of physiological representations from free-living wearable data Step2heart
robust adversarial learning via sparsifying front ends sparsity-based-defenses
npd entropy: a non-parametric differential entropy rate estimator npd_entropy
honest-but-curious nets: sensitive attributes of private inputs can be secretly coded into the entropy of classifiers' outputs honest-but-curious-nets

2021-05-25

paper code
deep joint source channel coding for wirelessimage transmission with ofdm Deep-JSCC-for-images-with-OFDM
joint learning of multiple granger causal networks via non-convex regularizations: inference of group-level brain connectivity JGranger_ncvx
denoising noisy neural networks: a bayesian approach with compensation NoisyNN
deep active learning approach to adaptive beamforming for mmwave initial alignment DL-ActiveLearning-BeamAlignment
byzantine-resilient federated machine learning via over-the-air computation Byzantine_AirComp

2021-05-24

paper code
semi-supervised learning for identifying the likelihood of agitation in people with dementia Agitation_detection
redunet: a white-box deep network from the principle of maximizing rate reduction MCR2

2021-05-21

paper code
min2net: end-to-end multi-task learning for subject-independent motor imagery eeg classification MIN2Net
point process simulation of generalised inverse gaussian processes and estimation of the jaeger integral GiG
Recognizing the text contents from a scanned visiting card

Recognizing the text contents from a scanned visiting card. The application which is used to recognize the text from scanned images,printeddocuments,r

Faizan Habib 1 Jan 28, 2022
Image processing in Python

scikit-image: Image processing in Python Website (including documentation): https://scikit-image.org/ Mailing list: https://mail.python.org/mailman3/l

Image Processing Toolbox for SciPy 5.2k Dec 30, 2022
A simple QR-Code Reader in Python

A simple QR-Code Reader written in Python, that copies the content of a QR-Code directly into the copy clipboard.

Eric 1 Oct 28, 2021
Deep LearningImage Captcha 2

滑动验证码深度学习识别 本项目使用深度学习 YOLOV3 模型来识别滑动验证码缺口,基于 https://github.com/eriklindernoren/PyTorch-YOLOv3 修改。 只需要几百张缺口标注图片即可训练出精度高的识别模型,识别效果样例: 克隆项目 运行命令: git cl

Python3WebSpider 117 Dec 28, 2022
Super Mario Game With Python

Super_Mario Hello all this is a simple python program which tries to use our body as a controller for the super mario game Here I have used media pipe

Adarsh Badagala 219 Nov 25, 2022
A tool for extracting text from scanned documents (via OCR), with user-defined post-processing.

The project is based on older versions of tesseract and other tools, and is now superseded by another project which allows for more granular control o

Maxim 32 Jul 24, 2022
OCR engine for all the languages

Description kraken is a turn-key OCR system optimized for historical and non-Latin script material. kraken's main features are: Fully trainable layout

431 Jan 04, 2023
CNN+LSTM+CTC based OCR implemented using tensorflow.

CNN_LSTM_CTC_Tensorflow CNN+LSTM+CTC based OCR(Optical Character Recognition) implemented using tensorflow. Note: there is No restriction on the numbe

Watson Yang 356 Dec 08, 2022
Layout Analysis Evaluator for the ICDAR 2017 competition on Layout Analysis for Challenging Medieval Manuscripts

LayoutAnalysisEvaluator Layout Analysis Evaluator for: ICDAR 2019 Historical Document Reading Challenge on Large Structured Chinese Family Records ICD

17 Dec 08, 2022
Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation

This is the official implementation of "Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation". For more details, please

Pengyuan Lyu 309 Dec 06, 2022
Source Code for AAAI 2022 paper "Graph Convolutional Networks with Dual Message Passing for Subgraph Isomorphism Counting and Matching"

Graph Convolutional Networks with Dual Message Passing for Subgraph Isomorphism Counting and Matching This repository is an official implementation of

HKUST-KnowComp 13 Sep 08, 2022
Code for CVPR2021 paper "Learning Salient Boundary Feature for Anchor-free Temporal Action Localization"

AFSD: Learning Salient Boundary Feature for Anchor-free Temporal Action Localization This is an official implementation in PyTorch of AFSD. Our paper

Tencent YouTu Research 146 Dec 24, 2022
Bu uygulamada Python ve Opencv kullanarak bilgisayar kamerasından yüz tespiti yapıyoruz.

opencv_yuz_bulma Bu uygulamada Python ve Opencv kullanarak bilgisayar kamerasından yüz tespiti yapıyoruz. Bilgisarın kendi kamerasını kullanmak için;

Ahmet Haydar Ornek 6 Apr 16, 2022
Perspective recovery of text using transformed ellipses

unproject_text Perspective recovery of text using transformed ellipses. See full writeup at https://mzucker.github.io/2016/10/11/unprojecting-text-wit

Matt Zucker 111 Nov 13, 2022
Omdena-abuja-anpd - Automatic Number Plate Detection for the security of lives and properties using Computer Vision.

Omdena-abuja-anpd - Automatic Number Plate Detection for the security of lives and properties using Computer Vision.

Abdulazeez Jimoh 1 Jan 01, 2022
Dirty, ugly, and hopefully useful OCR of Facebook Papers docs released by Gizmodo

Quick and Dirty OCR of Facebook Papers Gizmodo has been working through the Facebook Papers and releasing the docs that they process and review. As lu

Bill Fitzgerald 2 Oct 28, 2021
Distilling Knowledge via Knowledge Review, CVPR 2021

ReviewKD Distilling Knowledge via Knowledge Review Pengguang Chen, Shu Liu, Hengshuang Zhao, Jiaya Jia This project provides an implementation for the

DV Lab 194 Dec 28, 2022
A simple Security Camera created using Opencv in Python where images gets saved in realtime in your Dropbox account at every 5 seconds

Security Camera using Opencv & Dropbox This is a simple Security Camera created using Opencv in Python where images gets saved in realtime in your Dro

Arpit Rath 1 Jan 31, 2022
A set of workflows for corpus building through OCR, post-correction and normalisation

PICCL: Philosophical Integrator of Computational and Corpus Libraries PICCL offers a workflow for corpus building and builds on a variety of tools. Th

Language Machines 41 Dec 27, 2022
Detect textlines in document images

Textline Detection Detect textlines in document images Introduction This tool performs border, region and textline detection from document image data

QURATOR-SPK 70 Jun 30, 2022