Luckyseven1122
PhD candidate @KTH, Intelligent Manufacturing, Data Science, Production Data Analytics, Process Monitoring, Data Fusion, Signal Processing, Transfer learning
KTHStockholm, Sweden
Pinned Repositories
-Learning-materials-
各种学习资料,包括一些百度云视频链接还有pdf资料 --搬运工
AudioSignalProcessingForML
Code and slides of my YouTube series called "Audio Signal Proessing for Machine Learning"
DeepLearning
深度学习入门教程&&优秀文章&&Deep Learning Tutorial
Machine-Learning-Tutorial-Chinese
专门面向中文用户的机器学习相关的学习资料大集合
Python
All Algorithms implemented in Python
surface_roughness_investigations
Investigate surface roughness in machining process by DL
TensorFlow-2.x-Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。
TensorFlow-Course
Simple and ready-to-use tutorials for TensorFlow
Tool_Wear_Classification
toolwear_cncmilling
An investigation of tool wear evolution is undertaken by explorying the CNC Milling Dataset of the University of Michigan SMART LAB.
Luckyseven1122's Repositories
Luckyseven1122/AudioSignalProcessingForML
Code and slides of my YouTube series called "Audio Signal Proessing for Machine Learning"
Luckyseven1122/algorithm
Luckyseven1122/Atlas-GAN
[ICCV 2021] Generative Adversarial Registration for Improved Conditional Deformable Templates
Luckyseven1122/audio
Data manipulation and transformation for audio signal processing, powered by PyTorch
Luckyseven1122/DataScience_MachineLearning
Analysing Big Data(vibration, force and temperature) and designing an AI model(ANN based) to predict the surface roughness of a manufactured product
Luckyseven1122/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
Luckyseven1122/DynGAN
This is the PyTorch code for "DynGAN: Solving Mode Collapse in GANs with Dynamic Clustering"
Luckyseven1122/emg-data-analysis
Surface EMG signal - Feature Extraction
Luckyseven1122/Erdre
Erroneous data repair for Industry 4.0.
Luckyseven1122/feature-engineering-book
Code repo for the book "Feature Engineering for Machine Learning," by Alice Zheng and Amanda Casari, O'Reilly 2018
Luckyseven1122/GAN-Augmentation-for-Remaining-Useful-Life-Prediction
Luckyseven1122/Gearbox-Hybrid-CNN-SVM
The features of nonlinearity and non-stationarity in real systems are often difficult to be extracted. This paper focuses on developing a Convolutional Neural Network (CNN) to obtain features directly from the original vibration signals of a gearbox with different pinion conditions. Experimental data is used to show the efficiency of the presented method. Support Vector Machine (SVM) is utilized to classify feature sets extracted with 1D-CNN. The obtained results show that the features extracted in this method have excellent quality for fault classification without any additional feature selection.
Luckyseven1122/Hiding-Audio-in-Images-using-Deep-Generative-Network-with-Adversarial-Training
In this work, we propose an end-to-end trainable model of Generative Adversarial Networks (GAN) which is engineered to hide audio data in images. Due to the non-stationary property of audio signals and lack of powerful tools, audio hiding in images was not explored well. We devised a deep generative model that consists of an auto-encoder as generator along with one discriminator that are trained to embed the message while, an exclusive extractor network with an audio discriminator is trained fundamentally to extract the hidden message from the encoded host signal. The encoded image is subjected to few common attacks and it is established that the message signal can not be hindered making the proposed method robust towards blurring, rotation, noise, and cropping. The one remarkable feature of our method is that it can be trained to recover against various attacks and hence can also be used for watermarking.
Luckyseven1122/id2221kth.github.io
Luckyseven1122/improved_CcGAN
Continuous Conditional Generative Adversarial Networks (CcGAN)
Luckyseven1122/JL-CNN
The code of Joint Learning CNN for Vibration Signal Denoising and Bearing Fault Diagnosis under Unknown Noise Condition.
Luckyseven1122/keras-tuner
Hyperparameter tuning for humans
Luckyseven1122/ml-tool-wear
Anomaly detection on the UC Berkeley milling data set using a disentangled-variational-autoencoder (beta-VAE). Replication of results as described in article "Self-Supervised Learning for Tool Wear Monitoring with a Disentangled-Variational-Autoencoder"
Luckyseven1122/MLFcGAN
Xiaodong-Bran/MLFcGAN-Multilevel-Feature-Fusion-Based-Conditional-GAN-for-Underwater-Image-Color-Correction
Luckyseven1122/Multi_Sensor_Fusion
Multi-Sensor Fusion (GNSS, IMU, Camera) 多源多传感器融合定位 GPS/INS组合导航 PPP/INS紧组合
Luckyseven1122/Python-for-Signal-Processing
Notebooks for "Python for Signal Processing" book
Luckyseven1122/SAGAN-tensorflow2.0
Tensorflow-2.0 implementation of "Self-Attention Generative Adversarial Networks"
Luckyseven1122/Self-Attention-GAN-Original
Pytorch implementation of Self-Attention Generative Adversarial Networks (SAGAN)
Luckyseven1122/Signal_Feature_Extraction
Hilbert变换提取信号特征的Python实现A Python Implementation of Hilbert Transform to Extract Signal Features
Luckyseven1122/Speech_Feature_Extraction
Feature extraction of speech signal is the initial stage of any speech recognition system.
Luckyseven1122/tuningPlayBook-Chinese
谷歌DeepLearning tuningPlayBook的中文翻译版本
Luckyseven1122/Two-stream-CNN-for-rolling-bear-fault-diagnosis
Based on the dual-flow CNN, a new bearing fault diagnosis model is proposed. The model is composed of 2D-CNN and 1D-CNN. Among them, 2D-CNN takes wavelet time-frequency map as input, and 1D-CNN takes original vibration signal as input. After the feature extraction is implemented by the convolutional layer and the pooling layer, the output of the pooling layer of the two is spliced using a fully connected layer, and then the fault classification is achieved through the fully connected layer
Luckyseven1122/vibration_gan
Gan for time series vibration signals generation task
Luckyseven1122/vit-keras
Keras implementation of ViT (Vision Transformer)
Luckyseven1122/x-ite-feature-extraction
Scripts for the extraction of statistical descriptors from bio signals of the X-ITE Pain Database (preprocessing included).