audio2chart: End to End Audio Transcription into playable Guitar Hero charts
Abstract
This work introduces audio2chart, a framework for the automatic generation of Guitar Hero style charts directly from raw audio. The task is formalized as a sequence prediction problem, where models are trained to generate discrete chart tokens aligned with the audio on discrete time steps. An unconditional baseline demonstrates strong predictive performance, while the addition of audio conditioning yields consistent improvements across accuracy based metrics. This work demonstrates that incorporating audio conditioning is both feasible and effective for improving note prediction in automatic chart generation. The complete codebase for training and inference is publicly available at github.com/3podi/audio2chart supporting reproducible research on neural chart generation. A family of pretrained models is released on Hugging Face at huggingface.co/3podi.
1 Introduction
Rock ‘n’ roll never dies. Despite the decline of the mainstream video game series that popularized rock-based rhythm games, the online community continues to keep the spirit alive through free-to-play replicas. A key factor in sustaining these games is the ability for any user to add custom charts for their favorite songs. However, while the community works hard to create as many playable charts as possible, the process of charting is time-consuming and requires specialized skills that not everyone has, or is willing to learn, limiting chart creation to a small group of experienced users. The core challenge involves analyzing audio signals to detect onset times, beat positions, and musical structure while simultaneously considering gameplay factors such as difficulty progression, hand movement patterns, and player engagement. Notes must not only align with the audio but also create enjoyable and physically feasible gameplay sequences.
From a deep learning perspective, the charting task can be framed as a sequence-to-sequence problem, where the input is the audio track and the output is a sequence of notes with their corresponding temporal positions. In this work, I present an approach to automating the creation of Guitar Hero style charts by training neural network models capable of learning the audio to chart mapping directly from data.
2 Related Work
Neural network architectures for rhythm game chart generation have evolved in close connection with advances in music information retrieval, automatic music transcription, and sequence modeling. While research on generating playable charts has focused on different games such as Beatmania, Dance Dance Revolution, and Osu! these efforts share a common foundation in audio feature analysis and sequence modeling.
Early studies employed relatively simple feed-forward networks with multiple fully connected layers to predict note placements. For example, in Beatmania chart generation, a multi-layer network with ReLU activations was trained to identify which sounds should be mapped to player actions [lin2019generationmanialearningsemanticallychoreograph]. However, the inherently temporal and hierarchical nature of musical structure soon led researchers toward more advanced sequence modeling approaches.
Hybrid CNN-RNN architectures became the dominant paradigm for speech processing [amodei2015deepspeech2endtoend], combining the spatial feature extraction of convolutional networks with the temporal modeling capacity of recurrent networks. The influential work [donahue2017dancedanceconvolution] introduced an LSTM-CNN encoder model adapted from speech recognition, demonstrating that such architectures could effectively process spectrogram representations to predict step placements for Dance Dance Revolution.
More recently, Transformer-based architectures [vaswani2023attentionneed] have established themselves as a highly general and flexible framework for sequence-to-sequence problems. The encoder-decoder design, built on self-attention mechanisms, allows these models to learn complex mappings between input and output sequences without requiring task-specific inductive biases, making them applicable to a wide variety of domains including audio processing and speech recognition [radford2022robustspeechrecognitionlargescale]. Their ability to capture long-range dependencies and hierarchical structure in sequential data has positioned Transformers as a unifying architecture for diverse seq2seq tasks. In the domain of rhythm game chart generation for Osu!, Yi et al. employed an encoder-decoder Transformer that takes log-mel spectrograms as input and autoregressively generate sequences of chart tokens, leveraging beat-aligned conditioning and difficulty embeddings [yi2023beatalignedspectrogramtosequencegenerationrhythmgame].
To the best of my knowledge, there is currently no working solution for automatically charting Guitar Hero style songs.
3 Dataset
The dataset comprises approximately 10,000 paired audio tracks and their corresponding Guitar Hero–style charts. Each chart encodes a sequence of note events aligned with musical time, specifying both the onset and duration of each note within the song. In addition to timing information, each note includes categorical attributes describing gameplay mechanics such as hammer-ons and pull-offs (HOPOs), tap notes, and star power sections, as illustrated in Figure 1.
Focusing on the most commonly played configurations, there are four supported instruments (Lead Guitar, Bass Guitar, Drums, and Keys) and four difficulty levels: Expert, Hard, Medium, and Easy.
The dataset is strongly unbalanced, with a clear predominance of Expert charts. This class not only appears most frequently but also contains the highest number of notes per song and the highest note density (Table 1). Such an imbalance makes it more challenging to train a single multiclass model across difficulty levels, as the model is naturally biased toward the characteristics of the Expert class.
| Diff. | % | Notes/Song | Notes/min |
|---|---|---|---|
| Expert | 70.4 | 1285 | 294.8 |
| Hard | 10.4 | 823 | 206.1 |
| Medium | 9.9 | 579 | 145.5 |
| Easy | 9.3 | 420 | 105.4 |
The distribution of songs duration is similar among the difficulty levels with an average duration of 3.9 minutes per song (excluding outliers because the community likes to chart full albums in a single audio track and chart file).
Check appendix A for more information about the dataset.
3.1 Tokenization
In Guitar Hero, gameplay simulates guitar performance through a simplified input interface consisting of five fret buttons (colored green, red, yellow, blue, and orange) and a strum bar that functions as the picking mechanism. Each note in the game corresponds to one or more of these fret buttons, which can be pressed individually or in combination to form chords.
In the raw chart files, notes are represented as a sequence of timed events, where chords correspond to multiple note events occurring at the same timestamp. To prepare these charts for neural network processing, it is necessary to tokenize the sequences in a way that preserves their temporal and harmonic structure. The most natural approach is to group together all note events that occur simultaneously into a single token.
In practice, the system allows for five single-button notes plus an open note (no fret pressed). Considering all possible combinations of these six states, including multi-button chords, there are 63 distinct note configurations in total.
Nevertheless, certain higher-order combinations occur far less frequently than others. For instance, although the game mechanics allow for combinations involving the open note alongside other fret buttons, such configurations appear exclusively in the Expert difficulty level and constitute the extreme tail of the token frequency distribution, with occurrence rates ranging from approximately 0.001% down to . So this cases must be carefully handled during training or completely omitted.
Overall, this tokenization method resemble a char-level tokenization. Higher order tokenization may be possible aggregating together the most frequent pairs of tokens in BPE style [10.5555/177910.177914]. This would exclude the possibility to predict at the same time notes and their timestamp or additional attributes and would require a second step of learning for predicting the position in time of expanded sequences.
Check appendix B for the full notes-tokens mapping and tokens distributions.
4 Method
The task of Guitar Hero chart generation can be formulated as an autoregressive sequence modeling problem. Given a sequence of discrete tokens representing notes or chords, , the model learns to predict the next token in the sequence conditioned on the previous context and on external information . This can be expressed as:
| (1) |
where denotes the previously generated tokens and represents the conditioning variable, which may correspond to an audio embedding or to a learned difficulty-level embedding. The conditioning allows the model to adapt its predictions to both the musical content and the gameplay difficulty.
A neural network parameterized by models this conditional distribution by mapping the past context and conditioning information to a set of output predictions:
| (2) |
where represents the network’s internal representation of the current state and denotes a task-specific output transformation that produces a valid probability distribution or regression output, depending on the type of prediction head.
In practice, each time step of the sequence may require predicting more than a single discrete token. Each note event may also carry additional information, such as its duration or type (e.g., tap note, hammer-on/pull-off, or star power). To account for this, the model can be designed with multiple output heads, where each head predicts a different attribute of the current time step. The main head predicts the token identity, while auxiliary heads predict continuous or categorical properties associated with the same event.
Each prediction head can have its own loss function, depending on the nature of the target variable. The token head is trained using a categorical cross-entropy loss:
| (3) |
The overall training objective combines the main categorical loss with the auxiliary heads objectives as:
| (4) |
where are weighting coefficients controlling the relative importance of each auxiliary term.
This multi-head design allows the model to jointly learn the discrete structure of note sequences and their continuous properties.
A fundamental aspect of chart generation lies in modeling both the sequence of notes and their temporal placement. While sequence modeling naturally follows an autoregressive formulation, where each token depends on the previous context, the precise positioning of notes in time remains an open challenge. Two main end-to-end strategies can be employed to jointly learn sequence and timing information. The first approach discretizes time into uniform intervals (e.g., every milliseconds), predicting a token at each time step along a fixed grid. This formulation allows time alignment to emerge directly from the autoregressive process but requires introducing special tokens for silent intervals, thus increasing sequence length. The second approach treats temporal information as an additional continuous attribute associated with each event, predicted by a dedicated time-placement head alongside the token identity. In this case, sequences are shorter and more compact, but the model must learn accurate timing through joint optimization of the token and time heads. Alternatively, the two tasks can be decoupled and handled by separate models trained sequentially, where one model predicts note sequences and another refines or aligns their temporal positions.
In any case during inference, a model can generate the sequence autoregressively, sampling one token at a time. The resulting sequence can then be decoded back into a playable chart representation mapping the tokens back to notes and chords.
In this work, we adopt the time-discretized tokenization strategy described in more detail in the following Section.
4.1 Time Discretization
In the discrete time formulation, the encoded notes sequences are divided into uniform time steps, and a pad token is inserted at time instants without any corresponding musical event. This setup yields a more challenging prediction problem: the finer the temporal resolution, the longer the sequences and the higher the proportion of pad tokens relative to meaningful musical tokens. Consequently, the model must implicitly learn to distinguish between silent and non-silent time instants.
A critical design choice in this approach is the time grid spacing, i.e., the temporal resolution used to discretize the events. A resolution that is too coarse may merge distinct notes into the same time step, while one that is too fine increases sequence length and sparsity unnecessarily. To guide this decision, we analyzed the minimum inter-onset intervals () across the training corpus, obtaining the cumulative distributions functions shown in Figure 2. Those distributions indicates that for each class more than 95% of the consecutive notes are separated in time by more than 40ms.
In the following experiments, once a time resolution is chosen, charts with a minimum smaller than the chosen resolution are excluded from training. For instance, choosing a time resolution of 40 ms would result in the removal of roughly 1% of the samples of Expert difficulty.
4.2 Baseline
Since no established benchmarks exist on Guitar Hero style chart generation, a well defined baseline is essential to contextualize the results of more advanced models. The goal of this baseline is not to model the full charting process but to provide a clear reference for the note prediction capability of a simple autoregressive model in the absence of temporal or audio information.
While the main proposed approach relies on a time-discretized formulation which introduces pad tokens to represent silent instants, this baseline intentionally removes any notion of time. The model is trained to predict notes in the order they appear in the chart, without representing their temporal placement either explicitly (as continuous offsets) or implicitly (through a fixed temporal grid). This simplifies the task considerably and can be interpreted as an approximate upper bound for unconditional note prediction accuracy.
The baseline is implemented as a decoder-only Transformer with approximately 6M parameters. Larger models were not explored, as initial experiments showed signs of overfitting. Training is performed on non-overlapping sequences extracted from each chart, focusing exclusively on the Expert difficulty level.
Figure 3 shows validation performance in terms of perplexity and accuracy for different context lengths. Longer contexts consistently lead to better results, likely because musical structures and their repeating patterns become easier to capture with larger receptive fields.
4.3 Audio-conditioned architecture
The audio-conditioned models operate on discretized time steps and follow an encoder-decoder design. The encoder processes the raw waveform , where denotes the audio duration and the sampling rate. A pretrained Encodec model [défossez2022highfidelityneuralaudio] converts the waveform into a sequence of quantized audio codes
where is the number of encoder time steps and is the number of codebooks. Each row contains the discrete code indices corresponding to the audio segment at time .
Each index is mapped to a learnable embedding vector, and the embeddings from all codebooks are summed to form a single conditioning vector per time step. This results in the final audio conditioning tensor
where is the embedding dimension. A 1D convolutional adapter downsamples the audio representation to approximately match the temporal resolution of the token sequence, improving alignment during cross-attention.
The decoder is a Transformer-based autoregressive model that receives as input a sequence of previously generated note tokens , where is the sequence length and the token embedding dimension. Each decoder block employs pre-layer RMS normalization, SwiGLU activation, and multi-head cross-attention to the encoded audio features. The model is trained to predict the next token conditioned on the history and the audio context . Special boundary tokens (<BOS>, <EOS>) mark the beginning and end of each sequence.
| Model | Time Res. (ms) | # Params (M) | Perplexity (full) | Perplexity (non-pad) | Accuracy (full) | Accuracy (non-pad) |
|---|---|---|---|---|---|---|
| Baseline (no padding) | – | 6 | – | – | ||
| Unconditional | 20 | 25 | \cellcolorbestgreen | \cellcolorbestgreen | ||
| Audio-conditioned | 20 | 25 | \cellcolorbestgreen | \cellcolorbestgreen | ||
| Unconditional | 40 | 25 | \cellcolorbestgreen | \cellcolorbestgreen | ||
| Audio-conditioned | 40 | 25 | \cellcolorbestgreen | \cellcolorbestgreen |
| Model | Time Res. (ms) | # Params (M) | Perplexity (full) | Perplexity (non-pad) | Accuracy (full) | Accuracy (non-pad) |
|---|---|---|---|---|---|---|
| Audio-conditioned | 20 | 25 | ||||
| Audio-conditioned | 20 | 227 | \cellcolorbestgreen | \cellcolorbestgreen | \cellcolorbestgreen | \cellcolorbestgreen |
| Audio-conditioned | 40 | 25 | ||||
| Audio-conditioned | 40 | 227 | \cellcolorbestgreen | \cellcolorbestgreen | \cellcolorbestgreen | \cellcolorbestgreen |
4.4 Results
Model performance is evaluated using accuracy and perplexity, computed both on the full sequence (including pad tokens, representing silent time steps) and on the non-pad subset corresponding to active note positions. This distinction is essential: high accuracy on the full sequence can result from trivially predicting pads, which account for about 90% and 80% of the tokens at 20 ms and 40 ms resolutions, respectively. The non-pad metrics therefore provide a more meaningful measure of the model’s ability to capture musical content.
The results in Table 2 show that the baseline model of Section 4.2, trained on direct note sequences without temporal discretization, achieves strong non-pad performance due to the simpler prediction setup. Among the baseline configurations, the version reported in the table corresponds to the model trained with a context window of 256 tokens, which roughly matches the average number of note events contained in a 30 s chunk of music. This choice ensures a fair comparison with the discrete-time audio-conditioned models, for which each training sequence corresponds to a 30 s audio segment. When time discretization and pad tokens are introduced, accuracy on note tokens naturally decreases as the task becomes more challenging and sequence length increases. The unconditional discrete-time models obtain higher scores on full-sequence metrics, largely because they can trivially predict the pad token over most time steps, inflating overall accuracy and reducing perplexity without improving note prediction quality. In contrast, the audio-conditioned models consistently outperform unconditional ones on non-pad metrics for both 20 ms and 40 ms configurations, confirming that acoustic features provide valuable temporal cues. Notably, the audio-conditioned model at 40 ms surpasses the non-discretized baseline in both non-pad accuracy and perplexity, demonstrating that integrating audio information not only compensates for the increased difficulty of the discretized setting but ultimately leads to superior predictive performance. This result is particularly important, as only the discretized audio-conditioned model possesses an explicit notion of time and can therefore be used to generate complete and temporally aligned charts from raw audio, unlike the baseline model which operates purely on symbolic note sequences.
As shown in Table 3, scaling the audio-conditioned model from 25M to 227M parameters yields further gains in both full and non-pad metrics, indicating that additional capacity improves multimodal fusion and token-level prediction. While the 20 ms configuration achieves higher accuracy, it doubles sequence length and inference cost without visible improvement in perceptual chart quality. The 40 ms models thus represent the best trade-off between computational efficiency and output fidelity, being preferred for both training and generation.
All models are trained using the AdamW optimizer (weight decay 0.01) with a peak learning rate of decayed to by epoch 10. Each training sequence corresponds to a 30 s audio segment. Pad-token losses are down-weighted by factors of 0.1 and 0.2 for the 20 ms and 40 ms settings, respectively. A dropout rate of 0.2 and audio augmentations are applied throughout. The audio encoder remains frozen, and all experiments are run on a single AMD MI300X GPU.
5 Conclusion
This work presented an end-to-end approach for transcribing audio into playable Guitar Hero charts using a Transformer-based autoregressive model conditioned on audio representations. By adopting a time-discretized formulation, we demonstrated that it is possible to learn meaningful temporal and structural patterns directly from audio, even under strong sequence sparsity caused by pad tokens. The audio-conditioned model consistently outperformed the unconditional one, highlighting the importance of leveraging audio context for accurate note prediction and placement.
While this study focused on a single strategy, several promising extensions remain open such as two-stage training pipelines. Furthermore, this work focused solely on predicting note onsets and timing, without incorporating additional gameplay mechanics such as HOPOs, tap notes, or star power, which are essential for high quality charts. Future work could also explore conditioning on difficulty levels to enable controllable chart generation across skill tiers, as well as integrating more sophisticated tokenization strategies beyond fixed time discretization.
Finally, although the current training setup uses 30 s audio chunks to balance context and compute, extending training to longer time windows would likely improve temporal consistency and chart coherence, at the cost of increased computational demand. Overall, this work establishes a strong baseline for automatic Guitar Hero chart generation and provides an open-source foundation for further research.
6 Acknowledgement
Thanks to AMD and AMD Developer Cloud for the MI300X that made this work possible.
Guitar Hero is a registered trademark of Activision Publishing, Inc. This work is not affiliated with or endorsed by Activision.
Appendix A Dataset
The average song duration is the same for each difficulty class. Higher difficulty levels contain more notes per song as seen in Figure 5.
Interestingly, in Figure 6 can be seen that lower difficulty charts have an higher proportion of sustain notes, whereas higher difficulty levels favor a denser arrangement of tap notes, reflecting a design choice to increase challenge through note density rather than sustain duration.
Finally, the dataset is mostly made up of metal and rock subgenres as we can see in Figure 7 where subgenres containing the word rock or metal have been grouped together.
Appendix B Tokenization
Each Guitar Hero note or chord is represented as a discrete token that uniquely encodes the combination of fret buttons being pressed. The guitar controller consists of five colored fret buttons (green, red, yellow, blue, and orange) which are indexed from to , respectively. An additional index, , represents an open note. The tokenizer enumerates all possible non-empty combinations of these six elements (five frets plus the open note), generating 63 distinct button configurations in total. Each configuration is assigned a unique integer identifier, referred to as a token ID.
The Expert class contains the largest amount of unique token IDs. Each class has a tail of low probability token (< 0.1%), as seen in Figures 9, 8 and similarly for Hard and Medium.
Appendix C Multimodal Training
The presence of a cross-attention module in the Transformer decoder does not necessarily guarantee that the model will effectively exploit the audio conditioning. To assess the actual contribution of the audio modality during training, we measure the relative difference between the standard forward pass and a forward pass in which the audio samples within the batch are randomly permuted. This ablation reveals whether the model relies on the audio or primarily on the autoregressive note context. As shown in Figure 10 for the 25M-parameters model with a 20 ms time resolution, the network initially learns to model the task using only the input note tokens, and only after approximately 2k training steps it begins to effectively leverage the audio information.