Research
Sources

Sources

Pytorch

TorchAudio’s basic I/O API Tutotial (opens in a new tab)

SPEECH COMMAND CLASSIFICATION WITH TORCHAUDIO (opens in a new tab)

AUDIO FEATURE EXTRACTIONS (opens in a new tab)

WRITING CUSTOM DATASETS, DATALOADERS AND TRANSFORMS (opens in a new tab)

DATASETS & DATALOADERS (opens in a new tab)

The Three Most Common Errors in PyTorch https://www.learnpytorch.io/pytorch_most_common_errors/ (opens in a new tab)

PyTorch Project Template https://hagerrady13.github.io/posts/2012/08/blog-post-1/ (opens in a new tab)

SAVING AND LOADING MODELS https://pytorch.org/tutorials/beginner/saving_loading_models.html#:~:text=A%20common%20PyTorch%20convention%20is%20to%20save%20these%20checkpoints%20using,dictionary%20as%20you%20would%20expect (opens in a new tab).

SAVING AND LOADING A GENERAL CHECKPOINT IN PYTORCH https://pytorch.org/tutorials/recipes/recipes/saving_and_loading_a_general_checkpoint.html (opens in a new tab)

torchaudio

Package ‘torchaudio’ https://cran.r-project.org/web/packages/torchaudio/torchaudio.pdf (opens in a new tab)

torchaudio.functional.detect_pitch_frequency https://pytorch.org/audio/main/generated/torchaudio.functional.detect_pitch_frequency.html (opens in a new tab)

AUDIO MANIPULATION WITH TORCHAUDIO https://pytorch.org/tutorials/beginner/audio_preprocessing_tutorial.html (opens in a new tab)

Introduction to PyTorch Audio Data via TorchAudio (opens in a new tab)

Tensorboard with Pytorch

HOW TO USE TENSORBOARD WITH PYTORCH (opens in a new tab)

TORCH.UTILS.TENSORBOARD (opens in a new tab)

PYTORCH TENSORBOARD SUPPORT (opens in a new tab)

Deep Dive Into TensorBoard: Tutorial With Examples (opens in a new tab)

PyTorch TensorBoard Support YT (opens in a new tab)

machine-learning-articles-how-to-use-tensorboard-with-pytorch.md (opens in a new tab)

TensorBoard Histogram Dashboard (opens in a new tab)

Taking the TensorBoard Embedding Projector to the Next Level (opens in a new tab)

VISUALIZING MODELS, DATA, AND TRAINING WITH TENSORBOARD (opens in a new tab)

TORCH.UTILS.TENSORBOARD (opens in a new tab)

Exploring Deep Embeddings Visualizing Pytorch Models with Tensorboard’s Embedding Viewer https://shairozsohail.medium.com/exploring-deep-embeddings-fa677f0e7c90 (opens in a new tab)

Pytorch - github

EXAMPLE - cifar10_tutorial.py (opens in a new tab)

CNN for Music Audio Tagging (WIP) (opens in a new tab)

TNT - library for PyTorch training tools and utilities. (opens in a new tab)

Sound Classifier Tutorial for PyTorch (opens in a new tab)

segmentation_models.pytorch (opens in a new tab)

F1 score in PyTorch (opens in a new tab)

tutorials/beginner_source/blitz/cifar10_tutorial.py https://github.com/pytorch/tutorials/blob/main/beginner_source/blitz/cifar10_tutorial.py (opens in a new tab)

tutorials/beginner_source/basics/buildmodel_tutorial.py https://github.com/pytorch/tutorials/blob/main/beginner_source/basics/buildmodel_tutorial.py (opens in a new tab)

Misc

IBM What are convolutional neural networks? (opens in a new tab)

Training, Validation and Accuracy in PyTorch (opens in a new tab)

Computing Precision and Recall from Scratch for PyTorch Binary Classifiers (opens in a new tab)

PyTorch Multi-Class Accuracy by Class (opens in a new tab)

F-1 Score for Multi-Class Classification (opens in a new tab)

Calculating Precision & Recall for Multi-Class Classification (opens in a new tab)

PyTorch Neural Network Classification (opens in a new tab)

Pappers

Deep Learning: A Comprehensive Overview on Techniques, Taxonomy, Applications and Research Directions (opens in a new tab)

Kaggle

Multiclass Text Classification - Pytorch (opens in a new tab)

Towards Data Science - Medium

Multi-Class Metrics Made Simple, Part I: Precision and Recall Part 1 (opens in a new tab)

Multi-Class Metrics Made Simple, Part II: the F1-score Part 2 (opens in a new tab)

Node.js

Import and Export ES Modules in Node.js using TypeScript with Babel Compilation (opens in a new tab)

Spring Framework / baeldung

One-to-One Relationship in JPA (opens in a new tab) The DTO Pattern (Data Transfer Object) (opens in a new tab)

The Sound of AI

PyTorch for Audio + Music Processing (opens in a new tab) GITHUB - pytorchfiraudio (opens in a new tab)

Deep learning - best practices

deep learning project in Pytorch (opens in a new tab)

scikit-learn

Precision-Recall (opens in a new tab)

Metrics

Confusion Matrix Visualization (opens in a new tab)

sndcld

snd Public API Specification (opens in a new tab) soundcloud_api_client.py (opens in a new tab)

Java

Java Download File from URL (opens in a new tab) CoreJavaExamples (opens in a new tab)

Model visualizations

How to Visualize Neural Network Architectures in Python (opens in a new tab) How to Easily Draw Neural Network Architecture Diagrams (opens in a new tab) VGG Very Deep Convolutional Networks Read more at: https://viso.ai/deep-learning/vgg-very-deep-convolutional-networks/ (opens in a new tab) Tools to Design or Visualize Architecture of Neural Network (opens in a new tab)

CNN

Neural Networks: Difference (opens in a new tab)

Visualizing the Feature Maps and Filters by Convolutional Neural Networks https://medium.com/dataseries/visualizing-the-feature-maps-and-filters-by-convolutional-neural-networks-e1462340518e (opens in a new tab)

PyTorch Layer Dimensions: Get your layers to work every time (the complete guide) https://towardsdatascience.com/pytorch-layer-dimensions-what-sizes-should-they-be-and-why-4265a41e01fd (opens in a new tab)

Applied Deep Learning - Part 4: Convolutional Neural Networks https://towardsdatascience.com/applied-deep-learning-part-4-convolutional-neural-networks-584bc134c1e2 (opens in a new tab)

What is a Convolutional Neural Network? https://towardsdatascience.com/a-visualization-of-the-basic-elements-of-a-convolutional-neural-network-75fea30cd78d (opens in a new tab)

Convolutional Neural Networks: A Brief History of their Evolution https://medium.com/appyhigh-technology-blog/convolutional-neural-networks-a-brief-history-of-their-evolution-ee3405568597 (opens in a new tab)

Audio Deep Learning Made Simple (Part 1): State-of-the-Art Techniques https://towardsdatascience.com/audio-deep-learning-made-simple-part-1-state-of-the-art-techniques-da1d3dff2504 (opens in a new tab)

Github

confusion_matrix_visualization https://github.com/jkmackie/confusion_matrix_visualization (opens in a new tab)

BakingBrains/Sound_Classification https://github.com/BakingBrains/Sound_Classification (opens in a new tab)

Audio Classification

Audio Classification with PyTorch’s Ecosystem Tools https://clear.ml/blog/audio-classification-with-pytorchs-ecosystem-tools/ (opens in a new tab)

Audio Classification using Librosa and Pytorch https://medium.com/@hasithsura/audio-classification-d37a82d6715 (opens in a new tab)

ilaria-manco/music-audio-tagging-pytorch https://github.com/ilaria-manco/music-audio-tagging-pytorch (opens in a new tab)

Urban Environmental Audio Classification Using Mel Spectrograms https://scottmduda.medium.com/urban-environmental-audio-classification-using-mel-spectrograms-706ee6f8dcc1 (opens in a new tab)

Data Analysis

What is Exploratory Data Analysis? https://towardsdatascience.com/exploratory-data-analysis-8fc1cb20fd15 (opens in a new tab)

How to Create & Understand Mel-Spectrograms https://importchris.medium.com/how-to-create-understand-mel-spectrograms-ff7634991056 (opens in a new tab)

Understanding the Mel Spectrogram https://medium.com/analytics-vidhya/understanding-the-mel-spectrogram-fca2afa2ce53 (opens in a new tab)

Software Engineering

Folder Structure for Machine Learning Projects https://medium.com/analytics-vidhya/folder-structure-for-machine-learning-projects-a7e451a8caaa (opens in a new tab)

How to Organize Deep Learning Projects – Examples of Best Practices https://neptune.ai/blog/how-to-organize-deep-learning-projects-best-practices (opens in a new tab)

github - victoresque/pytorch-template https://github.com/victoresque/pytorch-template/blob/master/trainer/trainer.py (opens in a new tab)

Articles

christianversloot/machine-learning-articles https://github.com/christianversloot/machine-learning-articles/blob/main/how-to-use-k-fold-cross-validation-with-pytorch.md (opens in a new tab)

Training and Validation Loss in Deep Learning https://www.baeldung.com/cs/training-validation-loss-deep-learning (opens in a new tab)

Training, Validation and Accuracy in PyTorch https://blog.paperspace.com/training-validation-and-accuracy-in-pytorch/#:~:text=Validation%20accuracy%20started%20off%20at,72%25%20by%20the%20tenth%20epoch (opens in a new tab).

How to set up a deep learning project in Pytorch https://towardsdatascience.com/how-to-set-up-a-deep-learning-project-in-pytorch-d1b9ac4b70a3 (opens in a new tab)

Deriving Backpropagation with Cross-Entropy Loss https://towardsdatascience.com/deriving-backpropagation-with-cross-entropy-loss-d24811edeaf9 (opens in a new tab)

Batch Normalization

PyTorch Batch Normalization https://pythonguides.com/pytorch-batch-normalization/ (opens in a new tab)

Understanding regularization with PyTorch https://medium.com/analytics-vidhya/understanding-regularization-with-pytorch-26a838d94058 (opens in a new tab)

Flask

How to Host Your Flask App on PythonAnywhere for Free https://medium.com/swlh/how-to-host-your-flask-app-on-pythonanywhere-for-free-df8486eb6a42 (opens in a new tab)

React js

Record & Upload Audio From ReactJS https://guymanzurola.medium.com/recording-upload-audio-from-reactjs-c127235b909e (opens in a new tab)

Diffusion models

Diffusion models - Diffusion probabilistic models are parameterized Markov chains models trained to gradually denoise data. https://medium.com/@monadsblog/diffusion-models-4dbe58489a2f (opens in a new tab)