1d-convolution
There are 48 repositories under 1d-convolution topic.
KinWaiCheuk/nnAudio
Audio processing by using pytorch 1D convolution network
LahiruJayasinghe/RUL-Net
Deep learning approach for estimation of Remaining Useful Life (RUL) of an engine
yoyolicoris/pytorch-NMF
A pytorch package for non-negative matrix factorization.
oravus/seqNet
SeqNet: Code for the RA-L (ICRA) 2021 paper "SeqNet: Learning Descriptors for Sequence-Based Hierarchical Place Recognition"
xiaosongshine/ECG_challenge_baseline_keras
[深度应用]·首届**心电智能大赛初赛开源Baseline(基于Keras val_acc: 0.88)
langnico/GEDI-BDL
This repository provides the code used to create the results presented in "Global canopy height regression and uncertainty estimation from GEDI LIDAR waveforms with deep ensembles".
animikhaich/ECG-Atrial-Fibrillation-Classification-Using-CNN
This is a CNN based model which aims to automatically classify the ECG signals of a normal patient vs. a patient with AF and has been trained to achieve up to 93.33% validation accuracy.
Sakib1263/TF-1D-2D-ResNetV1-2-SEResNet-ResNeXt-SEResNeXt
Models supported: ResNet, ResNetV2, SE-ResNet, ResNeXt, SE-ResNeXt [layers: 18, 34, 50, 101, 152] (1D and 2D versions with DEMO for Classification and Regression).
Sakib1263/Inception-InceptionResNet-SEInception-SEInceptionResNet-1D-2D-Tensorflow-Keras
Models Supported: Inception [v1, v2, v3, v4], SE-Inception, Inception_ResNet [v1, v2], SE-Inception_ResNet (1D and 2D version with DEMO for Classification and Regression)
harryjdavies/Python1D_CNNs
1D convolutional neural networks for activity recognition in python.
Bsingstad/PhysioNet-CinC-Challenge2020-TeamUIO
Public repository associated with: Convolutional Neural Network and Rule-Based Algorithms for Classifying 12-lead ECGs
linksense/ConvolutionaNeuralNetworksToEnhanceCodedSpeech
In this work we propose two postprocessing approaches applying convolutional neural networks (CNNs) either in the time domain or the cepstral domain to enhance the coded speech without any modification of the codecs. The time domain approach follows an end-to-end fashion, while the cepstral domain approach uses analysis-synthesis with cepstral domain features. The proposed postprocessors in both domains are evaluated for various narrowband and wideband speech codecs in a wide range of conditions. The proposed postprocessor improves speech quality (PESQ) by up to 0.25 MOS-LQO points for G.711, 0.30 points for G.726, 0.82 points for G.722, and 0.26 points for adaptive multirate wideband codec (AMR-WB). In a subjective CCR listening test, the proposed postprocessor on G.711-coded speech exceeds the speech quality of an ITU-T-standardized postfilter by 0.36 CMOS points, and obtains a clear preference of 1.77 CMOS points compared to G.711, even en par with uncoded speech.
ZFTurbo/classification_models_1D
Classification models 1D Zoo - Keras and TF.Keras
Sakib1263/VGG-1D-2D-Tensorflow-Keras
Models Supported: VGG11, VGG13, VGG16, VGG16_v2, VGG19 (1D and 2D versions with DEMO for Classification and Regression).
xrafael/ecgPpg2Art
Predict blood pressure (systolic and diastolic) rythm from ECG and pulse oximeter signals
ljbkusters/YOLOv3-1D
A version of the YOLOv3 network capable of handling 1D data inputs.
nildip/DeepLearn_UrbanSoundClassification
Set of 1D CNN models to classify sound clips from the Urban Sound Classification dataset using Keras and Librosa
Bsingstad/Heart-murmur-detection-2022-Simulab
Public repository associated with: "honocardiogram classification using 1-dimensional inception time convolutional neural network"
Computational-Imaging-LAB/1DCNN-Glioma-1H-MRS
IDH and TERTp mutation classification in gliomas using 1D-CNN with MRS data.
nikopetr/one-dimensional-convolution
1-D convolution implementation using Python and CUDA
purelyvivid/AIA_st2_kaggle_ml4
用Tensorflow2.0進行外匯收盤價預測, 使用LSTM, 1d-CNN, Seq2Seq
wmylxmj/Deep-Piano
Play The Piano With Deep Learning 用深度学习弹钢琴 2019-5-22
com526000-deep-learning/protein-family
Protein structure prediction using 1d CNN and GRU 🧬
Bsingstad/ECG-classification-using-open-data
ECG classification using public data and state-of-the-art 1D CNN models. This work is based on George Moody Challenge 2020
Bsingstad/ECG-age
Public repository associated with: "Using deep convolutional neural networks to predict patients age based on ECGs from an independent test cohort"
Bsingstad/Strodthoff-2021
[Re] Deep Learning for ECG Analysis: Benchmarks and Insights from PTB-XL, N. Strodthoff, P. Wagner, T. Schaeffter, and W. Samek,
dylanperdigao/Bayesian-Optimization-1D-CSNN
Source code of the paper entitled "Improving Fraud Detection with 1D-Convolutional Spiking Neural Networks through Bayesian Optimization", and presented at EPIA 2024, the 23rd International Conference on Artificial Intelligence.
shbaydadaev/ICN
Impulse Classification Network (ICN) for video Head Impulse Test
Bsingstad/EEG-predict-cardiac-arrest-recovery
Public repository associated with: "MemoryInception: Predicting Neurological Recovery from EEG Using Recurrent Inceptions"
nildip/DeepLearn_NUMBERS
Set of 2D & 1D CNN models to classify images of handwritten numbers from the MNIST dataset using Keras.
ruchikachavhan/Antihydrogen-Detection-by-Deep-Learning
Anti-hydrogen detection using CNNs from ASACUSA experiment
shashanktyagi/Sentiment-Analysis
Movie ratings prediction
yaonuma/Occupancy_Detection
1DConvNet applied to room occupancy detection based on data from several environment sensors. Data courtesy of the UCI Machine Learning Repository.
Husseinhhameed/Weather-Predictions
Complete project of predicting the weather condition using Deep Learning
Bsingstad/ECG-Federated-Learning
This project implements 6 different privacy-preserving collaborative learning methods for training multi-institutional ECG classification models.
SYED-M-HUSSAIN/Deep_Scratch
This repository contains Convolutional Neural Networks implemented from scratch.