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
Pytorch implementation of AREL

Status: Archive (code is provided as-is, no updates expected) Agent-Temporal Attention for Reward Redistribution in Episodic Multi-Agent Reinforcement

8 Nov 25, 2022
Code for “ACE-HGNN: Adaptive Curvature ExplorationHyperbolic Graph Neural Network”

ACE-HGNN: Adaptive Curvature Exploration Hyperbolic Graph Neural Network This repository is the implementation of ACE-HGNN in PyTorch. Environment pyt

9 Nov 28, 2022
Explaining Hyperparameter Optimization via PDPs

Explaining Hyperparameter Optimization via PDPs This repository gives access to an implementation of the methods presented in the paper submission “Ex

2 Nov 16, 2022
Reference implementation of code generation projects from Facebook AI Research. General toolkit to apply machine learning to code, from dataset creation to model training and evaluation. Comes with pretrained models.

This repository is a toolkit to do machine learning for programming languages. It implements tokenization, dataset preprocessing, model training and m

Facebook Research 408 Jan 01, 2023
Annotated notes and summaries of the TensorFlow white paper, along with SVG figures and links to documentation

TensorFlow White Paper Notes Features Notes broken down section by section, as well as subsection by subsection Relevant links to documentation, resou

Sam Abrahams 437 Oct 09, 2022
Contrastive Feature Loss for Image Prediction

Contrastive Feature Loss for Image Prediction We provide a PyTorch implementation of our contrastive feature loss presented in: Contrastive Feature Lo

Alex Andonian 44 Oct 05, 2022
Tensor-Based Quantum Machine Learning

TensorLy_Quantum TensorLy-Quantum is a Python library for Tensor-Based Quantum Machine Learning that builds on top of TensorLy and PyTorch. Website: h

TensorLy 85 Dec 03, 2022
Zsseg.baseline - Zero-Shot Semantic Segmentation

This repo is for our paper A Simple Baseline for Zero-shot Semantic Segmentation

98 Dec 20, 2022
Kaggle DSTL Satellite Imagery Feature Detection

Kaggle DSTL Satellite Imagery Feature Detection

Konstantin Lopuhin 206 Oct 29, 2022
A method that utilized Generative Adversarial Network (GAN) to interpret the black-box deep image classifier models by PyTorch.

A method that utilized Generative Adversarial Network (GAN) to interpret the black-box deep image classifier models by PyTorch.

Yunxia Zhao 3 Dec 29, 2022
Neural Articulated Radiance Field

Neural Articulated Radiance Field NARF Neural Articulated Radiance Field Atsuhiro Noguchi, Xiao Sun, Stephen Lin, Tatsuya Harada ICCV 2021 [Paper] [Co

Atsuhiro Noguchi 144 Jan 03, 2023
Detecting drunk people through thermal images using Deep Learning (CNN)

Drunk Detection CNN Detecting drunk people through thermal images using Deep Learning (CNN) Dataset We used thermal images provided by Electronics Lab

Giacomo Ferretti 3 Oct 27, 2022
A two-stage U-Net for high-fidelity denoising of historical recordings

A two-stage U-Net for high-fidelity denoising of historical recordings Official repository of the paper (not submitted yet): E. Moliner and V. Välimäk

Eloi Moliner Juanpere 57 Jan 05, 2023
It helps user to learn Pick-up lines and share if he has a better one

Pick-up-Lines-Generator(Open Source) It helps user to learn Pick-up lines Share and Add one or many to the DataBase Unique SQLite DataBase AI Undercon

knock_nott 0 May 04, 2022
Low-dose Digital Mammography with Deep Learning

Impact of loss functions on the performance of a deep neural network designed to restore low-dose digital mammography ====== This repository contains

WANG-AXIS 6 Dec 13, 2022
Collections for the lasted paper about multi-view clustering methods (papers, codes)

Multi-View Clustering Papers Collections for the lasted paper about multi-view clustering methods (papers, codes). There also exists some repositories

Andrew Guan 10 Sep 20, 2022
Ros2-voiceroid2 - ROS2 wrapper package of VOICEROID2

ros2_voiceroid2 ROS2 wrapper package of VOICEROID2 Windows Only Installation Ins

Nkyoku 1 Jan 23, 2022
PyTorch DepthNet Training on Still Box dataset

DepthNet training on Still Box Project page This code can replicate the results of our paper that was published in UAVg-17. If you use this repo in yo

Clément Pinard 115 Nov 21, 2022
Adaptive Dropblock Enhanced GenerativeAdversarial Networks for Hyperspectral Image Classification

This repo holds the codes of our paper: Adaptive Dropblock Enhanced GenerativeAdversarial Networks for Hyperspectral Image Classification, which is ac

Feng Gao 17 Dec 28, 2022
Style-based Point Generator with Adversarial Rendering for Point Cloud Completion (CVPR 2021)

Style-based Point Generator with Adversarial Rendering for Point Cloud Completion (CVPR 2021) An efficient PyTorch library for Point Cloud Completion.

Microsoft 119 Jan 02, 2023