This is the official repository of Music Playlist Title Generation: A Machine-Translation Approach.

Overview

PlyTitle_Generation

This is the official repository of Music Playlist Title Generation: A Machine-Translation Approach. The paper has been accepted by 2nd Workshop on NLP for Music and Spoken Audio co-located with ISMIR'2021.

Inference Results

This model use the track_id sequence as an input and return the playlist title sequence as an output.

  • Melon dataset's results can be found here (test set).
" }, "69588": { "ground_truth": "걸그룹의 대표적인 곡들", "prediction": "신나는 댄스곡 모음 " }, "66941": { "ground_truth": "미리 메리 크리스마스", "prediction": "크리스마스 캐롤 크리스마스 캐롤 " },">
    "25269": {
        "ground_truth": "취향저격 감성힙합+α 두번째",
        "prediction": "r&b soul introduction 버벌진트 
     
      "
    },
    "69588": {
        "ground_truth": "걸그룹의 대표적인 곡들",
        "prediction": "신나는 댄스곡 모음 
      
       "
    },
    "66941": {
        "ground_truth": "미리 메리 크리스마스",
        "prediction": "크리스마스 캐롤 크리스마스 캐롤 
       
        "
    },

       
      
     
  • Spotify-million-playlist-dataset dataset's results can be found here (test set).
" }, "634077": { "ground_truth": "history of rap", "prediction": "old school hip hop " } "540451": { "ground_truth": "metal up your ass", "prediction": "rock and roll " },">
    "923035": {
        "ground_truth": "wedding dinner music",
        "prediction": "wedding - cocktail hour 
     
      "
    },
    "634077": {
        "ground_truth": "history of rap",
        "prediction": "old school hip hop 
      
       "
    }
    "540451": {
        "ground_truth": "metal up your ass",
        "prediction": "rock and roll 
       
        "
    },

       
      
     

Environment

  1. Install python and PyTorch:

    • python==3.8.5
    • torch==1.9.0 (Please install it according to your CUDA version, in my case cu111)
  2. Other requirements:

    • pip install -r requirements.txt

Training from scratch

  1. Download the data files from spotify-million-playlist and Melon Kakao.

  2. Run preprocessing code and split dataset

python preprocessing.py

or you can download pre-split dataset from here.

  1. Training options (best pramas):
python train.py --dataset_type melon --model transfomer --shuffle True --e_pos False
python train.py --dataset_type mpd --model transfomer --shuffle True --e_pos False
  1. Evaluation & Inference
python eval.py --dataset_type melon --model transfomer --shuffle True --e_pos False
python infer.py --dataset_type melon --model transfomer --shuffle True --e_pos False

Reference

https://github.com/bentrevett/pytorch-seq2seq

Owner
SeungHeonDoh
Music Informational Retrieval, Multimedia, Multimodal
SeungHeonDoh
LBK 26 Dec 28, 2022
The official PyTorch implementation of Curriculum by Smoothing (NeurIPS 2020, Spotlight).

Curriculum by Smoothing (NeurIPS 2020) The official PyTorch implementation of Curriculum by Smoothing (NeurIPS 2020, Spotlight). For any questions reg

PAIR Lab 36 Nov 23, 2022
Pytorch implementation of AngularGrad: A New Optimization Technique for Angular Convergence of Convolutional Neural Networks

AngularGrad Optimizer This repository contains the oficial implementation for AngularGrad: A New Optimization Technique for Angular Convergence of Con

mario 124 Sep 16, 2022
Research code for CVPR 2021 paper "End-to-End Human Pose and Mesh Reconstruction with Transformers"

MeshTransformer ✨ This is our research code of End-to-End Human Pose and Mesh Reconstruction with Transformers. MEsh TRansfOrmer is a simple yet effec

Microsoft 473 Dec 31, 2022
Code for MSc Quantitative Finance Dissertation

MSc Dissertation Code ReadMe Sector Volatility Prediction Performance Using GARCH Models and Artificial Neural Networks Curtis Nybo MSc Quantitative F

2 Dec 01, 2022
Neural style transfer as a class in PyTorch

pt-styletransfer Neural style transfer as a class in PyTorch Based on: https://github.com/alexis-jacq/Pytorch-Tutorials Adds: StyleTransferNet as a cl

Tyler Kvochick 31 Jun 27, 2022
BYOL for Audio: Self-Supervised Learning for General-Purpose Audio Representation

BYOL for Audio: Self-Supervised Learning for General-Purpose Audio Representation This is a demo implementation of BYOL for Audio (BYOL-A), a self-sup

NTT Communication Science Laboratories 160 Jan 04, 2023
Official pytorch implementation of Active Learning for deep object detection via probabilistic modeling (ICCV 2021)

Active Learning for Deep Object Detection via Probabilistic Modeling This repository is the official PyTorch implementation of Active Learning for Dee

NVIDIA Research Projects 130 Jan 06, 2023
Spatial-Temporal Transformer for Dynamic Scene Graph Generation, ICCV2021

Spatial-Temporal Transformer for Dynamic Scene Graph Generation Pytorch Implementation of our paper Spatial-Temporal Transformer for Dynamic Scene Gra

Yuren Cong 119 Jan 01, 2023
JumpDiff: Non-parametric estimator for Jump-diffusion processes for Python

jumpdiff jumpdiff is a python library with non-parametric Nadaraya─Watson estimators to extract the parameters of jump-diffusion processes. With jumpd

Rydin 28 Dec 10, 2022
Gradient Step Denoiser for convergent Plug-and-Play

Source code for the paper "Gradient Step Denoiser for convergent Plug-and-Play"

Samuel Hurault 11 Sep 17, 2022
Code for "Offline Meta-Reinforcement Learning with Advantage Weighting" [ICML 2021]

Offline Meta-Reinforcement Learning with Advantage Weighting (MACAW) MACAW code used for the experiments in the ICML 2021 paper. Installing the enviro

Eric Mitchell 28 Jan 01, 2023
Code to produce syntactic representations that can be used to study syntax processing in the human brain

Can fMRI reveal the representation of syntactic structure in the brain? The code base for our paper on understanding syntactic representations in the

Aniketh Janardhan Reddy 4 Dec 18, 2022
Tensorflow implementation of "Learning Deconvolution Network for Semantic Segmentation"

Tensorflow implementation of Learning Deconvolution Network for Semantic Segmentation. Install Instructions Works with tensorflow 1.11.0 and uses the

Fabian Bormann 224 Apr 15, 2022
A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.

Website | Documentation | Tutorials | Installation | Release Notes CatBoost is a machine learning method based on gradient boosting over decision tree

CatBoost 6.9k Jan 04, 2023
ADSPM: Attribute-Driven Spontaneous Motion in Unpaired Image Translation

ADSPM: Attribute-Driven Spontaneous Motion in Unpaired Image Translation This repository provides a PyTorch implementation of ADSPM. Requirements Pyth

24 Jul 24, 2022
[ACM MM 2021] Diverse Image Inpainting with Bidirectional and Autoregressive Transformers

Diverse Image Inpainting with Bidirectional and Autoregressive Transformers Installation pip install -r requirements.txt Dataset Preparation Given the

Yingchen Yu 25 Nov 09, 2022
PyTorch trainer and model for Sequence Classification

PyTorch-trainer-and-model-for-Sequence-Classification After cloning the repository, modify your training data so that the training data is a .csv file

NhanTieu 2 Dec 09, 2022
Leveraging OpenAI's Codex to solve cornerstone problems in Music

Music-Codex Leveraging OpenAI's Codex to solve cornerstone problems in Music Please NOTE: Presented generated samples were created by OpenAI's Codex P

Alex 2 Mar 11, 2022
Type4Py: Deep Similarity Learning-Based Type Inference for Python

Type4Py: Deep Similarity Learning-Based Type Inference for Python This repository contains the implementation of Type4Py and instructions for re-produ

Software Analytics Lab 45 Dec 15, 2022