diff --git a/README.md b/README.md index c1e8359..4211362 100644 --- a/README.md +++ b/README.md @@ -1,8 +1,259 @@ # Project 1 +## Group Members +- Laasya Priya Vemuri (CWID: A20561469) +- Dyuti Dasary (CWID: A20546872) +- Charan Reddy Kandula Venkata (CWID: A20550020) +- Niranjaan Veeraragahavan Munuswamy (CWID: A20552057) -Put your README here. Answer the following questions. +# ElasticNet Model Implementation + +## Overview +The ElasticNetModel is a custom implementation of logistic regression with ElasticNet regularization, which combines both L1 (Lasso) and L2 (Ridge) penalties. This model is suitable for both binary and multiclass classification tasks, especially when: + +- You expect some features to be irrelevant or noisy (ElasticNet's L1 regularization can reduce the coefficients of irrelevant features to zero, effectively selecting a subset of important features). +- You need to prevent overfitting in high-dimensional data (L2 regularization helps by constraining the model's weights). +- There is multicollinearity among features (ElasticNet can handle correlated predictors better than Lasso alone). +ElasticNet is particularly useful when you want to balance feature selection and regularization, as it offers flexibility to control both L1 and L2 penalties. + +## Testing +The model has been validated using several testing strategies: + +- **Real-World Data Testing:** The model was tested on datasets with numerical features from real-world data sources, such as Spotify_Most_Streamed, user_behavior_datset, weather_data.csv. Performance was evaluated using metrics like Mean Absolute Error (MAE) for regression and accuracy for classification. +- **Pathological Cases:** To ensure robustness, the model was tested on synthetic datasets designed to challenge typical algorithms: + - **High Dimensionality:** Datasets where the number of features greatly exceeds the number of samples. + - **Zero Variance Features:** Datasets containing features with no variability. + - **Perfectly Collinear Features:** Datasets where some features are perfect linear combinations of others. + - **Extremely Large and Small Values:** Datasets with very large or very small values to check for numerical stability. + +### Results of Testing +In each test case, the model was checked for performance using assert statements on metrics like MAE (expected to be below the standard deviation of the target variable) or through direct inspection of predicted values. The model demonstrated resilience, although it struggled with very high-dimensional data relative to the sample size due to the limited number of iterations. + +## Model Parameters and Tuning +- **fit(X, y):** Trains the model on the provided feature matrix X and target vector y. +- **predict(X):** Makes predictions on the input feature matrix X after the model has been trained. + +The following parameters are available for tuning: + +- **alpha:** Learning rate for the gradient descent optimization. Controls the size of weight updates. +- **lambda1 (L1 regularization parameter):** Controls the strength of the L1 penalty, which encourages sparsity in the model coefficients. +- **lambda2 (L2 regularization parameter):** Controls the strength of the L2 penalty, which constrains the magnitude of the coefficients. +- **num_iterations:** Number of iterations for the gradient descent optimization. Higher values allow the model to converge more precisely, at the cost of computation time. +- **batch_size:** Size of mini-batches used for stochastic gradient descent. Smaller batches can introduce noise into the optimization but can improve convergence speed. + +## Basic Usage Examples + +### Example 1: Synthetic Data Example +This example demonstrates how to train and make predictions using synthetic data. You can run this code directly without any changes: + +```python +import numpy as np +import sys +import os +# Insert the project root directory into the sys.path +sys.path.insert(0, os.path.abspath(os.path.join(os.path.dirname(__file__), '..', '..'))) +from elasticnet.models.ElasticNet import ElasticNetModel + +def test_data(): + # Create synthetic data + X = np.random.rand(100, 10) + y = (np.sum(X, axis=1) > 5).astype(int) + + # Initialize and train the model + model = ElasticNetModel(alpha=0.01, lambda1=0.05, lambda2=0.05, num_iterations=2000, batch_size=16) + results=model.fit(X, y) + + # Make predictions + X_new = np.random.rand(5, 10) + predictions = results.predict(X_new) + # Assert predictions have correct shape + assert predictions.shape == (5,), "Unexpected shape of predictions" + # Assert predictions are within binary range (0 or 1) for classification + assert np.all((predictions == 0) | (predictions == 1)), "Predictions should be binary" + + +if __name__ == "__main__": + test_data() +``` + +### Example 2: Using Your Own CSV File and Pathological Cases +To use the model with your own data: +- Replace "Spotify_Most_Streamed.csv" with the name of your CSV file. +- Ensure the file is placed in the correct directory (elasticnet/tests). +- Ensure your CSV file contains a header row and the last column should be the target variable (y), and all other columns will be treated as features (X). + +```python +import numpy as np +import csv + +import sys +import os +from sklearn.datasets import make_classification +from sklearn.model_selection import train_test_split +from sklearn.preprocessing import StandardScaler + +# Insert the project root directory into the sys.path +sys.path.insert(0, os.path.abspath(os.path.join(os.path.dirname(__file__), '..', '..'))) +from elasticnet.models.ElasticNet import ElasticNetModel + +def load_data(): + data = [] + with open("Spotify_Most_Streamed.csv", 'r', encoding='utf-8') as file: + reader = csv.reader(file) + headers = next(reader) # Assumes the first row might be headers + + # Detects non-numeric columns based on the first data row + first_data_row = next(reader) + numeric_indices = [i for i, value in enumerate(first_data_row) if is_numeric(value)] + + # Check if any numeric columns were detected + if not numeric_indices: + raise ValueError("No numeric columns found in the dataset.") + + # Re-process the first data row after determining numeric columns + data.append([float(first_data_row[i]) for i in numeric_indices]) + + # Process the rest of the file + for row in reader: + try: + data.append([float(row[i]) for i in numeric_indices]) + except ValueError: + # Skip rows with non-numeric values in the numeric columns + continue + + # Converts data to numpy array for easier manipulation + data = np.array(data) + return data[:, :-1], data[:, -1] # Return X and y (last column as target) + +def is_numeric(value): + try: + float(value) + return True + except ValueError: + return False + +def test_with_real_world_data(): + X, y = load_data() + + # Split data into train and test sets + X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42) + + # Standardize the data + scaler = StandardScaler() + X_train = scaler.fit_transform(X_train) + X_test = scaler.transform(X_test) + + # Initialize and train the ElasticNet model + model = ElasticNetModel() + results = model.fit(X_train, y_train) + + # Make predictions on the test set + predictions = results.predict(X_test) + + # Assert predictions have the same length as y_test + assert predictions.shape == y_test.shape, "Mismatch in shape of predictions and y_test" + + # Check accuracy or MAE depending on classification or regression + if np.issubdtype(y.dtype, np.integer): + accuracy = np.mean(predictions == y_test) + assert accuracy >= 0.7, "Accuracy is below the expected threshold of 0.7" + else: + # Calculate Mean Absolute Error for regression + mae = np.mean(np.abs(predictions - y_test)) + std_y = np.std(y) + print(f"Standard Deviation of y: {std_y:.2f}") + assert mae < std_y, f"Model MAE {mae} is higher than expected, should be less than {std_y}" + +def test_elastic_net_pathological_cases(): + # Case 1: High Dimensionality relative to the number of samples + X, y = make_classification(n_samples=10, n_features=100, n_informative=2, n_redundant=98, random_state=42) + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in high dimensionality case" + print("High dimensionality case passed without errors. Sample Predictions:", preds[:5]) + except Exception as e: + print(f"High dimensionality case failed with error: {e}") + + # Case 2: Zero Variance Feature + X = np.array([[1, 2, 3], [1, 2, 3], [1, 2, 3], [1, 2, 3]]) + y = np.array([0, 1, 0, 1]) + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in zero variance feature case" + print("Zero variance feature case passed without errors. Sample Predictions:", preds) + except Exception as e: + print(f"Zero variance feature case failed with error: {e}") + + # Case 3: Perfectly Collinear Features + X = np.array([[1, 2, 4], [1, 2, 4], [2, 4, 8], [2, 4, 8]]) + y = np.array([0, 1, 0, 1]) + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in collinear feature case" + print("Perfect collinearity case passed without errors. Sample Predictions:", preds) + except Exception as e: + print(f"Perfect collinearity case failed with error: {e}") + + # Case 4: Extremely Large Values + X, y = make_classification(n_samples=100, n_features=10, random_state=42) + X = X * 1e10 # Scale features to be very large + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in large values case" + assert np.all(np.isfinite(preds)), "Predictions contain non-finite values in large values case" + print("Large values case passed without errors. Sample Predictions:", preds[:5]) + except Exception as e: + print(f"Large values case failed with error: {e}") + + # Case 5: Extremely Small Values + X, y = make_classification(n_samples=100, n_features=10, random_state=42) + X = X * 1e-10 # Scale features to be very small + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in small values case" + assert np.all(np.isfinite(preds)), "Predictions contain non-finite values in small values case" + print("Small values case passed without errors. Sample Predictions:", preds[:5]) + except Exception as e: + print(f"Small values case failed with error: {e}") + +# Example usage +if __name__ == "__main__": + test_with_real_world_data() + test_elastic_net_pathological_cases() +``` +### Running tests with Pytest +Once you've modified the file path, you can use pytest to run all tests, including real-world data tests and pathological case tests. +- Open a terminal in the directory containing your test script. +- Run Pytest with the following command: +pytest test_ElasticNetModel.py + +This will execute all tests in test_ElasticNetModel.py, which includes: +- **Real-World Data Testing:** Validates model performance on the CSV file you specified. +- **Pathological Cases:** Tests the model’s resilience under extreme conditions like high dimensionality, collinear features, and extreme values. + +### Understanding the Test Outputs +**For Real-World Data:** Look for outputs such as accuracy (for classification) or Mean Absolute Error (for regression) to evaluate model performance. +**For Pathological Cases:** Outputs will indicate whether the model successfully handled each challenging case or encountered issues. Any assertion failures will provide feedback on specific issues with predictions. + +## Limitations and Potential Improvements +The model has limitations with: + +- **Very High-Dimensional Data:** When the number of features is much greater than the number of samples, the current batch gradient descent approach can struggle with convergence. Increasing the num_iterations and adjusting alpha may help, but performance issues may persist with extremely high-dimensional data. +- **Pathological Collinear Features:** While ElasticNet handles multicollinearity better than Lasso alone, extreme cases can still lead to instability. A workaround could involve implementing feature selection or dimensionality reduction as a preprocessing step. +- **Numerical Stability with Extreme Values:** Although the model clips inputs to prevent overflow in the sigmoid function, extremely large or small values may still lead to instability. A potential solution could involve further data normalization or scaling improvements. + +## Future Improvements +Given more time, We would like to explore: +- **Adaptive Learning Rates:** Implementing adaptive learning rate optimizers like Adam or RMSprop to handle different types of data more effectively. +- **Automatic Hyperparameter Tuning:** Adding a cross-validation function that automatically tunes alpha, lambda1, and lambda2 based on grid or random search. +- **Support for Early Stopping:** To prevent overfitting and optimize convergence time, we would add an early stopping criterion based on validation performance. -* What does the model you have implemented do and when should it be used? -* How did you test your model to determine if it is working reasonably correctly? -* What parameters have you exposed to users of your implementation in order to tune performance? (Also perhaps provide some basic usage examples.) -* Are there specific inputs that your implementation has trouble with? Given more time, could you work around these or is it fundamental? diff --git a/elasticnet/models/ElasticNet.py b/elasticnet/models/ElasticNet.py index 017e925..147ac39 100644 --- a/elasticnet/models/ElasticNet.py +++ b/elasticnet/models/ElasticNet.py @@ -1,17 +1,81 @@ +import numpy as np +class ElasticNetModel: + def __init__(self, alpha=0.01, lambda1=0.01, lambda2=0.01, num_iterations=1000, batch_size=32): + self.alpha = alpha + self.lambda1 = lambda1 + self.lambda2 = lambda2 + self.num_iterations = num_iterations + self.batch_size = batch_size + self.classes_ = None + self.models = [] -class ElasticNetModel(): - def __init__(self): - pass + def sigmoid(self, z): + z = np.clip(z, -500, 500) + return 1 / (1 + np.exp(-z)) + def _cost_function(self, X, y, theta): + m = X.shape[0] + h = self.sigmoid(np.dot(X, theta)) + h = np.clip(h, 1e-15, 1 - 1e-15) + cost = (-1/m) * (np.dot(y.T, np.log(h)) + np.dot((1 - y).T, np.log(1 - h))) + reg_cost = self.lambda1 * np.sum(np.abs(theta)) + self.lambda2 * np.sum(np.square(theta)) + return cost + reg_cost + + def _gradient(self, X, y, theta): + m = X.shape[0] + h = self.sigmoid(np.dot(X, theta)) + gradient = (1/m) * np.dot(X.T, (h - y)) + gradient += self.lambda2 * theta + gradient += self.lambda1 * np.sign(theta) + return gradient + + def _fit_binary(self, X, y): + m, n = X.shape + theta = np.zeros((n, 1)) + for iteration in range(self.num_iterations): + indices = np.random.permutation(m) + X_shuffled = X[indices] + y_shuffled = y[indices] + for i in range(0, m, self.batch_size): + X_batch = X_shuffled[i:i + self.batch_size] + y_batch = y_shuffled[i:i + self.batch_size] + gradient = self._gradient(X_batch, y_batch, theta) + theta -= self.alpha * gradient + return theta + def fit(self, X, y): - return ElasticNetModelResults() + X = X.astype(float) + y = y.astype(float).reshape(-1, 1) + + self.classes_ = np.unique(y) + self.models = [] + for c in self.classes_: + y_binary = (y == c).astype(int) + theta = self._fit_binary(X, y_binary) + self.models.append(theta) + return ElasticNetModelResults(self.models, self.classes_) +class ElasticNetModelResults: + def __init__(self, models, classes): + self.models = models + self.classes = classes -class ElasticNetModelResults(): - def __init__(self): - pass + def sigmoid(self, z): + z = np.clip(z, -500, 500) + return 1 / (1 + np.exp(-z)) - def predict(self, x): - return 0.5 + def predict(self, X): + X = X.astype(float) + + predictions = np.zeros((X.shape[0], len(self.models))) + for i, theta in enumerate(self.models): + predictions[:, i] = self.sigmoid(np.dot(X, theta)).ravel() + + # Convert probabilities to predicted classes + if len(self.models) == 1: # Binary classification case + return (predictions >= 0.5).astype(float) + + # Multiclass case, returning class labels based on max probability + return self.classes[np.argmax(predictions, axis=1)] \ No newline at end of file diff --git a/elasticnet/models/__init__.py b/elasticnet/models/__init__.py index e69de29..c57b934 100644 --- a/elasticnet/models/__init__.py +++ b/elasticnet/models/__init__.py @@ -0,0 +1 @@ +from .ElasticNet import ElasticNetModel diff --git a/elasticnet/tests/Spotify_Most_Streamed.csv b/elasticnet/tests/Spotify_Most_Streamed.csv new file mode 100644 index 0000000..9e93037 --- /dev/null +++ b/elasticnet/tests/Spotify_Most_Streamed.csv @@ -0,0 +1,954 @@ +track_name,artist(s)_name,artist_count,released_year,released_month,released_day,in_spotify_playlists,in_spotify_charts,streams,in_apple_playlists,in_apple_charts,in_deezer_playlists,in_deezer_charts,in_shazam_charts,bpm,key,mode,danceability_%,valence_%,energy_%,acousticness_%,instrumentalness_%,liveness_%,speechiness_%,cover_url +Seven (feat. Latto) (Explicit Ver.),"Latto, Jung Kook",2,2023,7,14,553,147,141381703,43,263,45,10,826,125,B,Major,80,89,83,31,0,8,4,Not Found +LALA,Myke Towers,1,2023,3,23,1474,48,133716286,48,126,58,14,382,92,C#,Major,71,61,74,7,0,10,4,https://i.scdn.co/image/ab67616d0000b2730656d5ce813ca3cc4b677e05 +vampire,Olivia Rodrigo,1,2023,6,30,1397,113,140003974,94,207,91,14,949,138,F,Major,51,32,53,17,0,31,6,https://i.scdn.co/image/ab67616d0000b273e85259a1cae29a8d91f2093d +Cruel Summer,Taylor Swift,1,2019,8,23,7858,100,800840817,116,207,125,12,548,170,A,Major,55,58,72,11,0,11,15,https://i.scdn.co/image/ab67616d0000b273e787cffec20aa2a396a61647 +WHERE SHE GOES,Bad Bunny,1,2023,5,18,3133,50,303236322,84,133,87,15,425,144,A,Minor,65,23,80,14,63,11,6,https://i.scdn.co/image/ab67616d0000b273ab5c9cd818ad6ed3e9b79cd1 +Sprinter,"Dave, Central Cee",2,2023,6,1,2186,91,183706234,67,213,88,17,946,141,C#,Major,92,66,58,19,0,8,24,https://i.scdn.co/image/ab67616d0000b273e3a09a9ae3f1fa102c110e60 +Ella Baila Sola,"Eslabon Armado, Peso Pluma",2,2023,3,16,3090,50,725980112,34,222,43,13,418,148,F,Minor,67,83,76,48,0,8,3,https://i.scdn.co/image/ab67616d0000b2732071a0c79802d9375a53bfef +Columbia,Quevedo,1,2023,7,7,714,43,58149378,25,89,30,13,194,100,F,Major,67,26,71,37,0,11,4,https://i.scdn.co/image/ab67616d0000b273a00a817b017c6f6bf8460be9 +fukumean,Gunna,1,2023,5,15,1096,83,95217315,60,210,48,11,953,130,C#,Minor,85,22,62,12,0,28,9,https://i.scdn.co/image/ab67616d0000b273017d5e26552345c4b1575b6c +La Bebe - Remix,"Peso Pluma, Yng Lvcas",2,2023,3,17,2953,44,553634067,49,110,66,13,339,170,D,Minor,81,56,48,21,0,8,33,Not Found +un x100to,"Bad Bunny, Grupo Frontera",2,2023,4,17,2876,40,505671438,41,205,54,12,251,83,F#,Minor,57,56,72,23,0,27,5,Not Found +Super Shy,NewJeans,1,2023,7,7,422,55,58255150,37,202,21,5,168,150,F,Minor,78,52,82,18,0,15,7,https://i.scdn.co/image/ab67616d0000b2733d98a0ae7c78a3a9babaf8af +Flowers,Miley Cyrus,1,2023,1,12,12211,115,1316855716,300,215,745,58,"1,021",118,,Major,71,65,68,6,0,3,7,https://i.scdn.co/image/ab67616d0000b27358039b5147731b6e52202e46 +Daylight,David Kushner,1,2023,4,14,3528,98,387570742,80,156,182,24,"1,281",130,D,Minor,51,32,43,83,0,9,3,https://i.scdn.co/image/ab67616d0000b27395ca6a9b4083a86c149934ae +As It Was,Harry Styles,1,2022,3,31,23575,130,2513188493,403,198,863,46,,174,F#,Minor,52,66,73,34,0,31,6,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Kill Bill,SZA,1,2022,12,8,8109,77,1163093654,183,162,161,12,187,89,G#,Major,64,43,73,5,17,16,4,https://i.scdn.co/image/ab67616d0000b2730c471c36970b9406233842a5 +Cupid - Twin Ver.,Fifty Fifty,1,2023,2,24,2942,77,496795686,91,212,78,6,0,120,B,Minor,78,76,59,43,0,34,3,https://i.scdn.co/image/ab67616d0000b27337c0b3670236c067c8e8bbcb +"What Was I Made For? [From The Motion Picture ""Barbie""]",Billie Eilish,1,2023,7,13,873,104,30546883,80,227,95,24,"1,173",78,,Major,44,14,9,96,0,10,3,Not Found +Classy 101,"Feid, Young Miko",2,2023,3,31,2610,40,335222234,43,100,54,14,187,100,B,Major,86,67,66,14,0,12,16,https://i.scdn.co/image/ab67616d0000b27329ebee2b5fb008871fcd201a +Like Crazy,Jimin,1,2023,3,24,596,68,363369738,8,104,23,2,29,120,G,Major,63,36,73,0,0,36,4,https://i.scdn.co/image/ab67616d0000b2732b46078245d0120690eb560d +LADY GAGA,"Gabito Ballesteros, Junior H, Peso Pluma",3,2023,6,22,332,26,86444842,11,163,10,4,0,140,F,Minor,65,87,74,22,0,42,4,Not Found +I Can See You (Taylor���s Version) (From The ,Taylor Swift,1,2023,7,7,516,38,52135248,73,119,42,1,150,123,F#,Major,69,82,76,6,0,6,3,Not Found +I Wanna Be Yours,Arctic Monkeys,1,2013,1,1,12859,110,1297026226,24,98,582,2,73,135,,Minor,48,44,42,12,2,11,3,https://i.scdn.co/image/ab67616d0000b2734ae1c4c5c45aabe565499163 +"Peso Pluma: Bzrp Music Sessions, Vol. 55","Bizarrap, Peso Pluma",2,2023,5,31,1313,40,200647221,17,152,32,11,139,133,F,Minor,85,81,67,26,0,12,5,https://i.scdn.co/image/ab67616d0000b27315583045b2fdb7d7bab10e81 +Popular (with Playboi Carti & Madonna) - The Idol Vol. 1 (Music from the HBO Original Series),"The Weeknd, Madonna, Playboi Carti",3,2023,6,2,1945,87,115364561,74,182,87,14,"1,093",99,C#,Major,85,83,68,7,0,36,20,https://i.scdn.co/image/ab67616d0000b2734c8f092adc59b4bf4212389d +SABOR FRESA,Fuerza Regida,1,2023,6,22,250,26,78300654,16,149,10,5,168,130,G,Minor,79,96,86,9,0,9,9,https://i.scdn.co/image/ab67616d0000b273cfe3eb72c48b93971e53efd9 +Calm Down (with Selena Gomez),"R��ma, Selena G",2,2022,3,25,7112,77,899183384,202,119,318,38,96,107,B,Major,80,82,80,43,0,14,4,Not Found +MOJABI GHOST,"Tainy, Bad Bunny",2,2023,6,29,859,40,61245289,35,109,41,14,211,122,F#,Minor,81,74,71,14,0,56,4,https://i.scdn.co/image/ab67616d0000b273de7b9af78fbdda96c5a0635b +Last Night,Morgan Wallen,1,2023,1,31,2420,19,429829812,52,107,15,1,325,204,F#,Major,52,52,68,46,0,15,4,https://i.scdn.co/image/ab67616d0000b273fc1df8423733f6f3c9e8dea2 +Dance The Night (From Barbie The Album),Dua Lipa,1,2023,5,25,2988,101,127408954,0,0,143,38,0,110,B,Minor,67,78,85,2,0,33,5,https://i.scdn.co/image/ab67616d0000b2737dd3ba455ee3390cb55b0192 +Rush,Troye Sivan,1,2023,7,13,864,78,22581161,71,135,50,1,294,126,F,Minor,74,35,84,0,0,11,6,https://i.scdn.co/image/ab67616d0000b273a4ffb2049ffce92bdae5f559 +TULUM,"Peso Pluma, Grupo Frontera",2,2023,6,28,266,34,52294266,20,185,13,8,197,168,F#,Major,56,63,87,39,0,11,5,https://i.scdn.co/image/ab67616d0000b2732fb583ed96f8f35cbf2897ba +Creepin',"The Weeknd, 21 Savage, Metro Boomin",3,2022,12,2,6036,88,843957510,113,149,245,23,27,98,C#,Minor,71,17,61,36,0,8,5,https://i.scdn.co/image/ab67616d0000b273703d523982199b2d1f2c77f5 +Anti-Hero,Taylor Swift,1,2022,10,21,9082,56,999748277,242,142,165,9,310,97,E,Major,64,51,63,12,0,19,5,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +TQG,"Karol G, Shakira",2,2023,2,23,4284,49,618990393,115,123,184,18,354,180,E,Minor,72,61,63,67,0,9,28,https://i.scdn.co/image/ab67616d0000b27382de1ca074ae63cb18fce335 +Los del Espacio,"Big One, Duki, Lit Killah, Maria Becerra, FMK, Rusherking, Emilia, Tiago pzk",8,2023,6,1,1150,31,123122413,22,33,34,7,184,120,,Major,81,63,68,11,0,11,4,Not Found +Fr��gil (feat. Grupo Front,"Yahritza Y Su Esencia, Grupo Frontera",2,2023,4,7,672,34,188933502,19,108,24,9,212,150,F#,Major,61,39,73,37,0,11,3,Not Found +Blank Space,Taylor Swift,1,2014,1,1,11434,53,1355959075,154,123,410,2,81,96,F,Major,75,57,68,9,0,13,6,https://i.scdn.co/image/ab67616d0000b2739abdf14e6058bd3903686148 +Style,Taylor Swift,1,2014,1,1,7830,42,786181836,94,111,151,4,82,95,D,Major,60,48,79,0,0,12,4,https://i.scdn.co/image/ab67616d0000b2739abdf14e6058bd3903686148 +TQM,Fuerza Regida,1,2023,5,19,584,28,176553476,16,159,15,6,100,125,F,Minor,79,96,85,27,0,11,6,https://i.scdn.co/image/ab67616d0000b273832ea5d2f8c10f95fc3cc66d +El Azul,"Junior H, Peso Pluma",2,2023,2,10,692,25,354495408,10,107,6,3,62,144,A,Minor,56,84,65,23,0,10,6,https://i.scdn.co/image/ab67616d0000b27333ed356efed99b158c4267c6 +Sunflower - Spider-Man: Into the Spider-Verse,"Post Malone, Swae Lee",2,2018,10,9,24094,78,2808096550,372,117,843,4,69,90,D,Major,76,91,50,54,0,7,5,https://i.scdn.co/image/ab67616d0000b273e2e352d89826aef6dbd5ff8f +I'm Good (Blue),"Bebe Rexha, David Guetta",2,2022,8,26,12482,80,1109433169,291,184,537,45,727,128,G,Minor,56,38,97,4,0,35,4,Not Found +See You Again,"Tyler, The Creator, Kali Uchis",3,2017,7,21,13387,64,1047101291,77,58,247,1,311,79,F#,Major,56,58,56,37,0,11,10,https://i.scdn.co/image/ab67616d0000b2738940ac99f49e44f59e6f7fb3 +Barbie World (with Aqua) [From Barbie The Album],"Nicki Minaj, Aqua, Ice Spice",3,2023,6,23,1117,80,65156199,82,145,65,16,"1,133",144,,Major,77,75,58,52,0,23,25,https://i.scdn.co/image/ab67616d0000b2737e8f938c02fac3b564931116 +Angels Like You,Miley Cyrus,1,2020,11,27,3372,19,570515054,65,48,138,1,102,122,F,Major,67,49,64,10,0,10,3,https://i.scdn.co/image/ab67616d0000b2738cffb7c6c40759eaf8a5a142 +I Ain't Worried,OneRepublic,1,2022,5,13,8431,76,1085685420,241,127,458,37,332,140,,Major,71,82,81,11,0,6,5,https://i.scdn.co/image/ab67616d0000b273ec96e006b8bdfc582610ec13 +Die For You,The Weeknd,1,2016,11,24,2483,59,1647990401,68,21,24,0,259,134,C#,Minor,59,51,52,9,0,15,7,https://i.scdn.co/image/ab67616d0000b273a048415db06a5b6fa7ec4e1a +Starboy,"The Weeknd, Daft Punk",2,2016,9,21,29536,79,2565529693,281,137,"2,445",1,140,186,G,Major,68,49,59,16,0,13,28,https://i.scdn.co/image/ab67616d0000b2734718e2b124f79258be7bc452 +Die For You - Remix,"Ariana Grande, The Weeknd",2,2023,2,24,3408,47,518745108,87,86,74,1,16,67,C#,Minor,53,50,53,23,0,44,7,Not Found +El Cielo,"Feid, Myke Towers, Sky Rompiendo",3,2023,6,2,1298,38,107753850,44,64,57,10,110,106,A#,Minor,72,17,64,7,0,10,5,Not Found +Baby Don't Hurt Me,"David Guetta, Anne-Marie, Coi Leray",3,2023,4,6,4277,66,177740666,145,111,213,11,810,128,G,Major,60,23,91,0,0,12,3,https://i.scdn.co/image/ab67616d0000b2730b4ef75c3728599aa4104f7a +AMARGURA,Karol G,1,2023,2,24,1133,39,153372011,14,71,23,10,176,107,F#,Minor,92,55,70,18,0,15,7,https://i.scdn.co/image/ab67616d0000b27382de1ca074ae63cb18fce335 +(It Goes Like) Nanana - Edit,Peggy Gou,1,2023,6,15,2259,59,57876440,0,0,109,17,0,130,G,Minor,67,96,88,12,19,8,4,https://i.scdn.co/image/ab67616d0000b2739a8459318ff1a68ecfd74522 +Another Love,Tom Odell,1,2012,10,15,18371,83,1813673666,250,122,"3,394",19,,123,E,Minor,45,13,54,70,0,9,4,https://i.scdn.co/image/ab67616d0000b2731917a0f3f4152622a040913f +Blinding Lights,The Weeknd,1,2019,11,29,43899,69,3703895074,672,199,"3,421",20,,171,C#,Major,50,38,80,0,0,9,7,https://i.scdn.co/image/ab67616d0000b2738863bc11d2aa12b54f5aeb36 +Moonlight,Kali Uchis,1,2023,2,24,2649,42,256483385,67,79,57,1,615,137,G,Minor,64,88,72,51,0,17,5,https://i.scdn.co/image/ab67616d0000b27381fccd758776d16b87721b17 +La Bachata,Manuel Turizo,1,2022,5,26,6804,45,1214083358,139,111,161,15,210,125,G,Minor,84,85,68,58,0,22,4,https://i.scdn.co/image/ab67616d0000b273c9f744b0d62da795bc21d04a +S91,Karol G,1,2023,7,14,525,41,16011326,34,115,39,6,216,128,,Minor,86,42,72,59,0,9,19,https://i.scdn.co/image/ab67616d0000b273890cfb712167a0186918644e +cardigan,Taylor Swift,1,2020,7,24,7923,29,812019557,106,112,142,4,215,130,,Minor,61,53,58,55,0,27,4,https://i.scdn.co/image/ab67616d0000b27395f754318336a07e85ec59bc +T�ï¿,"dennis, MC Kevin o Chris",2,2023,5,4,731,15,111947664,27,17,73,4,167,130,B,Major,86,59,96,50,1,9,5,Not Found +Boy's a liar Pt. 2,"PinkPantheress, Ice Spice",2,2023,2,3,5184,41,156338624,154,84,102,14,37,133,F,Major,70,86,81,25,0,25,5,https://i.scdn.co/image/ab67616d0000b27342c5ba689b2e7cbc208a8fa7 +Left and Right (Feat. Jung Kook of BTS),"Charlie Puth, BTS, Jung Kook",3,2022,6,24,3107,39,720434240,38,0,4,0,0,101,D,Major,88,72,59,62,0,9,3,https://i.scdn.co/image/ab67616d0000b27335d2e0ed94a934f2cc46fa49 +BESO,"Rauw Alejandro, ROSAL�",2,2023,3,24,4053,50,357925728,82,121,182,12,171,95,F,Minor,77,53,64,74,0,17,14,Not Found +Hey Mor,"Ozuna, Feid",2,2022,10,6,4637,38,674072710,63,79,89,11,16,98,C#,Minor,90,40,59,0,0,10,29,https://i.scdn.co/image/ab67616d0000b273125624f2e04f5a1ccb0dfb45 +Yellow,Chris Molitor,1,1999,1,1,31358,43,1755214421,196,2,"4,053",5,0,173,B,Major,43,28,66,0,0,23,3,https://i.scdn.co/image/ab67616d0000b273be011d16b9360a7dee109774 +Karma,Taylor Swift,1,2022,10,21,3818,23,404562836,37,55,32,0,272,90,G#,Major,64,10,62,7,0,48,7,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +People,Libianca,1,2022,12,2,3506,56,373199958,105,64,169,8,529,198,A#,Minor,59,71,42,55,0,10,7,https://i.scdn.co/image/ab67616d0000b273fc342f95f117d48dbdde9735 +Overdrive,Post Malone,1,2023,7,14,410,36,14780425,36,32,31,1,26,140,C#,Major,56,48,73,0,0,35,4,https://i.scdn.co/image/ab67616d0000b27372694fed173af6d24d22eefb +Enchanted (Taylor's Version),Taylor Swift,1,2023,7,7,148,24,39578178,32,93,8,2,5,82,G#,Major,51,22,53,1,0,15,3,https://i.scdn.co/image/ab67616d0000b2730b04da4f224b51ff86e0a481 +BABY HELLO,"Rauw Alejandro, Bizarrap",2,2023,6,23,1004,35,54266102,42,80,58,3,169,130,C#,Minor,77,84,89,17,0,43,5,https://i.scdn.co/image/ab67616d0000b2730ff08e0346b55268e735a4e9 +Heat Waves,Glass Animals,1,2020,6,28,22543,63,2557975762,386,144,707,28,,81,B,Major,76,53,53,44,0,9,9,https://i.scdn.co/image/ab67616d0000b273712701c5e263efc8726b1464 +golden hour,JVKE,1,2022,7,15,4511,36,751134527,70,58,109,18,230,94,C#,Minor,51,14,59,65,18,25,3,https://i.scdn.co/image/ab67616d0000b273c2504e80ba2f258697ab2954 +Sweater Weather,The Neighbourhood,1,2012,5,14,16413,61,2282771485,166,87,"1,056",1,,124,A#,Major,61,41,81,5,2,10,3,https://i.scdn.co/image/ab67616d0000b2738265a736a1eb838ad5a0b921 +"Quevedo: Bzrp Music Sessions, Vol. 52","Bizarrap, Quevedo",2,2022,7,6,8506,45,1356565093,94,65,164,14,176,128,D,Major,62,55,78,1,3,23,4,https://i.scdn.co/image/ab67616d0000b2731630dd349221a35ce03a0ccf +Viva La Vida,Coldplay,1,2008,1,1,33898,62,1592909789,233,0,"4,095",9,0,138,F,Minor,49,42,62,9,0,11,3,https://i.scdn.co/image/ab67616d0000b273e21cc1db05580b6f2d2a3b6e +Here With Me,d4vd,1,2022,7,17,3246,23,635412045,94,85,68,1,84,132,E,Major,58,27,48,50,0,12,3,https://i.scdn.co/image/ab67616d0000b27364fa1bda999f4fbd2b7c4bb7 +Unholy (feat. Kim Petras),"Sam Smith, Kim Petras",2,2022,9,22,8576,42,1230675890,216,108,331,26,154,131,D,Major,71,24,47,1,0,27,9,https://i.scdn.co/image/ab67616d0000b273a935e4689f15953311772cc4 +Yandel 150,"Yandel, Feid",2,2022,12,20,3618,38,585695368,47,74,80,14,194,168,F#,Minor,78,58,73,5,0,10,7,https://i.scdn.co/image/ab67616d0000b273b2aec01b56eeb74610532700 +CORAZ��N VA,Maria Becerra,1,2023,6,22,370,20,43857627,12,16,18,4,93,98,C#,Major,68,40,79,33,0,30,6,Not Found +Riptide,Vance Joy,1,1975,1,1,31123,55,2009094673,300,65,"1,003",1,0,102,C#,Major,48,50,73,43,0,15,4,https://i.scdn.co/image/ab67616d0000b273a9929deb093a6617d2493b03 +Until I Found You (with Em Beihold) - Em Beihold Version,"Em Beihold, Stephen Sanchez",2,2022,4,22,2790,30,600976848,60,96,71,0,115,101,A#,Major,34,32,57,78,0,20,3,Not Found +Novidade na �ï¿,"Mc Livinho, DJ Matt D",2,2023,6,23,267,9,39709092,9,6,25,2,72,130,F,Major,63,36,34,76,0,35,9,Not Found +Back To December (Taylor's Version),Taylor Swift,1,2023,7,7,139,17,39228929,16,72,5,0,8,142,D,Major,50,20,64,1,0,12,3,https://i.scdn.co/image/ab67616d0000b2730b04da4f224b51ff86e0a481 +STAY (with Justin Bieber),"Justin Bieber, The Kid Laroi",2,2021,7,9,17050,36,2665343922,492,99,798,31,0,170,C#,Major,59,48,76,4,0,10,5,Not Found +El Merengue,"Marshmello, Manuel Turizo",2,2023,3,3,2114,44,223633238,80,75,110,11,323,124,G#,Minor,78,70,68,3,1,11,4,https://i.scdn.co/image/ab67616d0000b273f404676577626a87d92cf33f +Someone You Loved,Lewis Capaldi,1,2018,11,8,17836,53,2887241814,440,125,"1,800",0,,110,C#,Major,50,45,41,75,0,11,3,https://i.scdn.co/image/ab67616d0000b273fc2101e6889d6ce9025f85f2 +Me Porto Bonito,"Chencho Corleone, Bad Bunny",2,2022,5,6,8870,43,1440757818,104,120,141,26,49,92,C#,Minor,91,43,71,9,0,9,8,Not Found +Makeba,Jain,1,2015,6,22,6060,53,165484133,150,148,"2,703",22,"1,451",116,D,Major,82,40,66,39,51,25,7,https://i.scdn.co/image/ab67616d0000b27364ba66f8a81c52364e55db50 +MONTAGEM - FR PUNK,"Ayparia, unxbected",2,2012,6,20,641,50,58054811,1,52,8,0,"1,170",129,A,Major,63,84,82,70,8,9,7,Not Found +Fast Car,Luke Combs,1,2023,3,24,1446,12,157058870,57,97,35,0,429,98,G#,Major,71,67,60,19,0,12,3,https://i.scdn.co/image/ab67616d0000b273ca650d3a95022e0490434ba1 +What It Is (Solo Version),Doechii,1,2023,3,17,804,25,95131998,29,76,24,0,162,172,C#,Minor,74,76,76,6,0,10,9,https://i.scdn.co/image/ab67616d0000b2732ee85751f6f503fa9a533eba +Coco Chanel,"Bad Bunny, Eladio Carrion",2,2023,3,17,1962,38,250305248,28,89,29,5,82,150,D,Major,68,14,76,4,0,10,4,Not Found +Don���t Bl,Taylor Swift,1,2017,11,8,4875,23,685032533,19,45,0,0,10,136,A,Minor,62,19,53,11,0,6,4,Not Found +Still With You,Jung Kook,1,2020,6,5,31,39,38411956,2,107,8,0,0,88,C#,Minor,53,34,47,9,0,83,4,https://i.scdn.co/image/ab67616d0000b273a7f42c375578df426b37638d +All My Life (feat. J. Cole),"J. Cole, Lil Durk",2,2023,5,12,2175,23,144565150,69,145,69,2,478,143,D#,Major,83,69,44,15,0,10,33,Not Found +Say Yes To Heaven,Lana Del Rey,1,2023,3,17,2000,46,127567540,49,105,63,1,0,100,F#,Minor,49,17,35,71,9,11,3,https://i.scdn.co/image/ab67616d0000b273aa27708d07f49c82ff0d0dae +Snooze,SZA,1,2022,12,9,2839,25,399686758,58,156,42,1,236,143,F,Major,56,39,55,14,0,11,13,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Summertime Sadness,Lana Del Rey,1,2011,1,1,20333,52,983637508,89,143,"1,632",3,200,112,C#,Minor,56,24,66,7,0,12,3,https://i.scdn.co/image/ab67616d0000b273f894be72a77b1488292672c7 +Take Two,BTS,1,2023,6,9,674,47,118482347,20,106,25,4,78,93,G,Major,62,57,59,3,0,38,3,https://i.scdn.co/image/ab67616d0000b2738a701e76e8845928f6cd81c8 +Lover,Taylor Swift,1,2012,1,1,8448,23,882831184,160,110,163,0,5,206,G,Major,43,50,55,50,0,15,10,https://i.scdn.co/image/ab67616d0000b273e787cffec20aa2a396a61647 +Too Many Nights (feat. Don Toliver & with Future),"Future, Metro Boomin, Don Toliver",3,2022,12,2,2110,58,286400165,17,119,19,2,266,88,G,Minor,68,17,71,15,0,11,5,https://i.scdn.co/image/ab67616d0000b27313e54d6687e65678d60466c2 +Chemical,Post Malone,1,2023,4,14,2528,39,172825906,56,91,59,3,486,170,D,Major,50,37,90,0,0,12,5,https://i.scdn.co/image/ab67616d0000b273f76f8deeba5370c98ad38f1c +Mockingbird,Eminem,1,2004,1,1,12985,61,1241559043,49,98,"2,394",5,204,84,E,Minor,62,24,67,21,0,13,28,https://i.scdn.co/image/ab67616d0000b273726d48d93d02e1271774f023 +New Jeans,NewJeans,1,2023,7,7,77,35,29562220,8,166,4,4,34,134,E,Minor,81,53,72,51,0,12,5,https://i.scdn.co/image/ab67616d0000b2733d98a0ae7c78a3a9babaf8af +Primera Cita,Carin Leon,1,2022,4,20,266,27,77309611,6,40,6,6,202,158,A#,Major,54,50,40,61,0,10,6,https://i.scdn.co/image/ab67616d0000b273dc0bb68a08c069cf8467f1bd +Cold Heart - PNAU Remix,"Dua Lipa, Elton John, Pnau",3,2017,11,10,21097,52,1605224506,384,135,"1,034",37,312,116,C#,Major,80,92,80,4,0,10,3,Not Found +Dandelions,Ruth B.,1,2017,4,28,3423,21,1116995633,41,100,59,1,32,117,C#,Major,61,45,69,2,0,9,3,https://i.scdn.co/image/ab67616d0000b27397e971f3e53475091dc8d707 +Bones,Imagine Dragons,1,2021,3,11,4198,44,838079900,98,108,327,17,153,114,F,Minor,77,65,72,2,0,7,5,https://i.scdn.co/image/ab67616d0000b273fc915b69600dce2991a61f13 +Set Fire to the Rain,Adele,1,2011,1,1,14739,43,1163620694,88,112,"2,163",5,519,108,D,Minor,61,47,68,0,0,13,3,https://i.scdn.co/image/ab67616d0000b2732118bf9b198b05a95ded6300 +Money Trees,"Kendrick Lamar, Jay Rock",2,2012,1,1,26792,32,1093605526,69,113,695,0,458,144,E,Minor,74,37,53,7,0,21,10,https://i.scdn.co/image/ab67616d0000b273d28d2ebdedb220e479743797 +Tak Segampang Itu,Anggi Marito,1,2022,12,2,213,6,179659294,7,6,0,0,48,130,F,Major,51,18,44,76,0,11,3,https://i.scdn.co/image/ab67616d0000b2732844c4e4e984ea408ab7fd6f +LAGUNAS,"Jasiel Nu��ez, Peso P",2,2023,6,22,58,18,39058561,2,106,4,2,184,116,B,Major,77,79,62,33,1,15,3,Not Found +Mine (Taylor's Version),Taylor Swift,1,2023,7,7,99,15,36912123,21,52,6,1,0,121,G,Major,65,49,78,0,0,17,4,https://i.scdn.co/image/ab67616d0000b2730b04da4f224b51ff86e0a481 +Everybody Wants To Rule The World,Tears For Fears,1,1985,2,17,41751,25,1205951614,101,32,"2,655",0,666,112,G,Major,64,54,81,36,0,11,6,https://i.scdn.co/image/ab67616d0000b27322463d6939fec9e17b2a6235 +No Role Modelz,J. Cole,1,2014,12,9,21164,36,1791000570,80,65,476,0,14,100,A#,Minor,70,47,52,30,0,6,33,https://i.scdn.co/image/ab67616d0000b273c6e0948bbb0681ff29cdbae8 +Tattoo,Loreen,1,2023,2,25,2988,59,201660859,74,102,145,18,925,150,D#,Minor,55,30,78,24,0,12,8,https://i.scdn.co/image/ab67616d0000b2732b0ba87db609976eee193bd6 +Rara Vez,"Taiu, Milo j",2,2023,2,8,893,38,248088961,19,23,24,3,88,120,F,Minor,84,96,71,18,0,34,17,https://i.scdn.co/image/ab67616d0000b273d467bed4e6b2a01ea8569100 +VAGABUNDO,"Sebastian Yatra, Manuel Turizo, Be�ï",3,2023,5,12,1094,34,90839753,40,58,47,8,203,127,B,Minor,82,89,85,4,0,23,6,Not Found +august,Taylor Swift,1,2020,7,24,7324,22,607123776,25,81,61,1,44,90,F,Major,51,42,61,53,0,9,3,https://i.scdn.co/image/ab67616d0000b27395f754318336a07e85ec59bc +LUNA,"Junior H, Peso Pluma",2,2023,6,22,201,11,55842345,19,117,8,1,74,128,A,Minor,75,79,63,33,0,15,4,Not Found +Miracle (with Ellie Goulding),"Calvin Harris, Ellie Goulding",2,2023,3,10,5120,48,211050784,161,115,246,9,638,143,A,Major,64,31,87,4,4,8,4,https://i.scdn.co/image/ab67616d0000b273c58e22815048f8dfb1aa8bd0 +Nonsense,Sabrina Carpenter,1,2022,7,15,2346,27,342897938,69,12,38,8,64,139,G#,Major,74,68,68,3,0,26,4,https://i.scdn.co/image/ab67616d0000b273700f7bf79c9f063ad0362bdf +Que Vuelvas,"Carin Leon, Grupo Frontera",2,2022,12,9,763,26,2762,21,110,21,9,71,162,A#,Major,49,78,64,19,0,11,4,https://i.scdn.co/image/ab67616d0000b2735c7336d25ca101fbb0855647 +Por las Noches,Peso Pluma,1,2021,6,11,457,24,330346424,8,116,4,3,2,92,,Major,81,39,60,31,0,7,3,https://i.scdn.co/image/ab67616d0000b273427d9aa38866b43ed45f6b0c +Feliz Cumplea��os Fe,Feid,1,2022,8,19,3430,38,601863821,45,69,52,4,3,95,F,Major,87,57,55,10,0,29,7,Not Found +Can't Hold Us (feat. Ray Dalton),"Ray Dalton, Ryan Lewis, Macklemore",3,2011,8,16,6074,52,1953533826,201,44,"6,551",2,0,146,D,Major,63,88,93,3,0,10,8,Not Found +Watermelon Sugar,Harry Styles,1,2019,11,17,21915,34,2322580122,437,115,"1,212",12,,95,,Major,55,56,82,12,0,34,5,https://i.scdn.co/image/ab67616d0000b27377fdcfda6535601aff081b6a +lovely - Bonus Track,"Billie Eilish, Khalid",2,2017,8,11,15032,30,2355719893,221,96,"1,078",2,136,115,E,Minor,35,12,30,93,0,10,3,Not Found +"Rauw Alejandro: Bzrp Music Sessions, Vol. 56","Rauw Alejandro, Bizarrap",2,2023,6,21,871,32,66902503,25,59,32,5,88,128,B,Major,78,59,65,10,0,26,5,Not Found +Queencard,(G)I-DLE,1,2023,5,15,451,33,96273746,10,126,7,0,148,130,E,Minor,82,69,83,3,0,27,5,https://i.scdn.co/image/ab67616d0000b27382dd2427e6d302711b1b9616 +OMG,NewJeans,1,2023,1,2,1783,27,430977451,26,124,15,1,22,127,A,Minor,80,74,77,36,0,11,4,https://i.scdn.co/image/ab67616d0000b273d70036292d54f29e8b68ec01 +Radio,Lana Del Rey,1,2011,1,1,9389,46,284819874,24,122,282,3,368,150,D,Major,42,20,86,21,0,9,9,https://i.scdn.co/image/ab67616d0000b273f894be72a77b1488292672c7 +"Shakira: Bzrp Music Sessions, Vol. 53","Shakira, Bizarrap",2,2023,1,11,5724,44,721975598,119,108,254,29,22,122,D,Minor,78,50,63,27,0,9,5,Not Found +505,Arctic Monkeys,1,2007,4,20,13985,25,1217120710,30,80,588,1,1,140,,Major,52,20,85,0,0,7,5,https://i.scdn.co/image/ab67616d0000b2730c8ac83035e9588e8ad34b90 +"Calling (Spider-Man: Across the Spider-Verse) (Metro Boomin & Swae Lee, NAV, feat. A Boogie Wit da Hoodie)","Swae Lee, A Boogie Wit da Hoodie, Metro Boomin, NAV",4,2023,6,2,1051,16,109276132,31,37,31,0,189,140,,Major,63,22,54,46,0,12,8,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +Trance (with Travis Scott & Young Thug),"Travis Scott, Young Thug, Metro Boomin",3,2022,12,2,1682,46,276259178,24,90,30,1,176,119,C#,Minor,75,48,53,18,0,18,34,https://i.scdn.co/image/ab67616d0000b27313e54d6687e65678d60466c2 +"Tere Vaaste (From ""Zara Hatke Zara Bachke"")","Sachin-Jigar, Shadab Faridi, Altamash Faridi, Amitabh Bhattacharya, Varun Jain",5,2023,5,22,182,8,54225632,3,88,1,0,52,110,G,Minor,76,96,72,32,0,9,4,Not Found +Perfect,Ed Sheeran,1,2017,1,1,16596,13,2559529074,7,0,"2,094",0,0,95,G#,Major,60,17,45,16,0,11,2,https://i.scdn.co/image/ab67616d0000b273ba5db46f4b838ef6027e6f96 +Romantic Homicide,d4vd,1,2022,7,20,2335,23,681583126,82,55,50,0,9,132,F#,Major,56,20,55,45,1,32,3,https://i.scdn.co/image/ab67616d0000b273bd1a52b3d5903ee01c216da0 +Believer,Imagine Dragons,1,2017,1,31,18986,23,2594040133,250,121,"2,969",10,31,125,A#,Minor,77,74,78,4,0,23,11,https://i.scdn.co/image/ab67616d0000b2735675e83f707f1d7271e5cf8a +Novo Balan�,"Veigh, Bvga Beatz, Supernova Ent, Prod Malax",4,2023,5,19,283,7,81102253,6,9,26,1,66,124,D#,Minor,84,65,50,67,0,13,6,Not Found +"Gol Bolinha, Gol Quadrado 2","Mc Pedrinho, DJ 900",2,2023,6,1,293,8,11956641,5,2,30,2,66,133,B,Minor,93,68,65,42,0,12,25,https://i.scdn.co/image/ab67616d0000b27319d60821e80a801506061776 +Without Me,Eminem,1,2002,1,1,21081,43,1687664027,98,76,"3,889",5,0,112,G,Major,92,67,66,0,0,36,9,https://i.scdn.co/image/ab67616d0000b2736ca5c90113b30c3c43ffb8f4 +QUEMA,"Sog, Ryan Castro, Peso Pluma",3,2023,7,13,437,31,11599388,17,29,26,3,208,97,,Major,79,92,89,5,0,6,5,Not Found +Stargirl Interlude,"The Weeknd, Lana Del Rey",2,2016,11,24,1275,32,611700552,13,8,5,0,1,90,F,Minor,59,52,48,38,5,10,11,https://i.scdn.co/image/ab67616d0000b273a048415db06a5b6fa7ec4e1a +Ojitos Lindos,"Bomba Est��reo, Bad B",2,2022,5,6,6135,38,1133865788,71,113,99,13,28,80,D#,Minor,65,27,69,8,0,53,4,Not Found +Somewhere Only We Know,Keane,1,2004,1,1,20015,16,1089402494,107,69,"5,239",0,558,172,A,Major,45,33,59,6,0,8,3,https://i.scdn.co/image/ab67616d0000b273045d0a38105fbe7bde43c490 +Those Eyes,New West,1,2019,5,10,1507,14,411747614,24,71,44,1,195,120,E,Major,60,24,35,73,0,31,3,https://i.scdn.co/image/ab67616d0000b2731bb5dc21200bfc56d8f7ef41 +El Gordo Trae El Mando,Chino Pacas,1,2023,1,27,539,21,255932395,7,71,4,2,13,140,G,Minor,74,96,80,18,0,5,5,https://i.scdn.co/image/ab67616d0000b2736a6ab689151163a1e9f60f36 +Mi Bello Angel,Natanael Cano,1,2023,6,30,86,8,31873544,7,76,3,1,93,128,A,Minor,81,90,77,1,0,9,5,https://i.scdn.co/image/ab67616d0000b273e2e093427065eaca9e2f2970 +Bye,Peso Pluma,1,2023,5,26,324,14,95053634,13,110,8,2,60,122,,Major,78,70,81,57,0,10,5,https://i.scdn.co/image/ab67616d0000b27310c8a001a18fd9f1b3552a9d +Danza Kuduro,"Don Omar, Lucenzo",2,2010,1,1,17138,37,1279434863,119,81,974,1,503,130,,Major,47,86,92,8,0,5,24,https://i.scdn.co/image/ab67616d0000b2734640a26eb27649006be29a94 +Nosso Quadro,"Ana Castela, AgroPlay",2,2023,2,2,894,9,233801632,14,88,66,3,72,160,A,Major,69,61,71,33,0,31,20,Not Found +Locked Out Of Heaven,Bruno Mars,1,2012,12,5,1622,9,1481349984,0,0,356,0,0,144,F,Major,73,87,70,6,0,28,5,https://i.scdn.co/image/ab67616d0000b273926f43e7cce571e62720fd46 +Un Finde | CROSSOVER #2,"Big One, FMK, Ke personajes",3,2023,4,4,561,14,142095275,4,14,12,5,56,192,B,Major,50,85,52,11,0,28,6,Not Found +Jimmy Cooks (feat. 21 Savage),"Drake, 21 Savage",2,2022,6,17,5871,27,618885532,81,121,58,1,34,163,,Major,54,40,67,0,0,9,17,https://i.scdn.co/image/ab67616d0000b2738dc0d801766a5aa6a33cbe37 +Counting Stars,OneRepublic,1,2013,1,1,29215,43,2011464183,179,97,"3,394",11,153,122,C#,Minor,66,48,71,6,0,12,4,https://i.scdn.co/image/ab67616d0000b2739e2f95ae77cf436017ada9cb +Ghost,Justin Bieber,1,2021,3,19,5866,24,1167330737,107,38,95,0,,154,D,Major,61,41,74,21,0,40,6,https://i.scdn.co/image/ab67616d0000b273e6f407c7f3a0ec98845e4431 +Under The Influence,Chris Brown,1,2019,10,4,3859,26,929964809,133,181,3,0,,117,A,Minor,73,31,69,6,0,11,4,https://i.scdn.co/image/ab67616d0000b2739a494f7d8909a6cc4ceb74ac +PRC,"Natanael Cano, Peso Pluma",2,2023,1,23,961,26,436027885,19,143,10,6,15,138,G,Minor,78,89,83,10,0,12,5,Not Found +Gasolina,Daddy Yankee,1,2004,7,13,6457,18,657723613,98,95,453,0,454,96,,Major,86,74,80,33,0,8,6,https://i.scdn.co/image/ab67616d0000b2736bdcdf82ecce36bff808a40c +One Dance,"Drake, WizKid, Kyla",3,2016,4,4,43257,24,2713922350,433,107,"3,631",0,26,104,C#,Major,77,36,63,1,0,36,5,https://i.scdn.co/image/ab67616d0000b2739416ed64daf84936d89e671c +Enchanted,Taylor Swift,1,2010,1,1,4564,16,621660989,24,101,113,0,40,164,G#,Major,45,24,62,8,0,16,3,https://i.scdn.co/image/ab67616d0000b2730b04da4f224b51ff86e0a481 +Save Your Tears,The Weeknd,1,2020,3,20,12688,13,1591223784,197,115,112,0,200,118,,Major,68,61,82,2,0,50,3,https://i.scdn.co/image/ab67616d0000b2738863bc11d2aa12b54f5aeb36 +Sure Thing,Miguel,1,2010,5,25,13801,19,950906471,137,125,435,6,285,81,B,Minor,68,51,60,3,0,19,10,https://i.scdn.co/image/ab67616d0000b273d5a8395b0d80b8c48a5d851c +Every Breath You Take - Remastered 2003,The Police,1,1983,1,6,22439,19,1593270737,211,74,929,0,129,117,C#,Major,82,73,45,54,0,7,3,https://i.scdn.co/image/ab67616d0000b2730408dc279dd7c7354ff41014 +The Night We Met,Lord Huron,1,2015,2,2,18515,35,1410088830,70,82,939,1,162,174,D,Major,45,10,37,97,25,64,4,https://i.scdn.co/image/ab67616d0000b2739d2efe43d5b7ebc7cb60ca81 +We Found Love,"Rihanna, Calvin Harris",2,2011,1,1,36843,21,1235005533,321,91,"4,607",1,58,128,C#,Major,73,60,77,3,0,11,4,https://i.scdn.co/image/ab67616d0000b273bef074de9ca825bddaeb9f46 +When I Was Your Man,Bruno Mars,1,2012,12,5,2420,11,1661187319,0,0,806,0,0,145,,Major,60,43,27,94,0,14,4,https://i.scdn.co/image/ab67616d0000b273926f43e7cce571e62720fd46 +Let Me Down Slowly,Alec Benjamin,1,2018,5,25,5897,19,1374581173,0,0,885,0,0,150,C#,Minor,65,51,55,73,0,14,3,https://i.scdn.co/image/ab67616d0000b273459d675aa0b6f3b211357370 +"Am I Dreaming (Metro Boomin & A$AP Rocky, Roisee)","A$AP Rocky, Metro Boomin, Roisee",3,2023,6,2,727,16,94186466,17,60,28,1,44,90,A,Minor,60,13,53,4,0,21,4,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +Do I Wanna Know?,Arctic Monkeys,1,2013,1,1,33783,26,1788326445,133,92,"2,733",1,26,85,F,Major,55,42,53,17,0,22,3,https://i.scdn.co/image/ab67616d0000b2734ae1c4c5c45aabe565499163 +Demons,Imagine Dragons,1,2012,1,1,26694,13,1840364617,65,82,"3,425",4,13,180,D#,Major,33,38,71,20,0,28,5,https://i.scdn.co/image/ab67616d0000b273b2b2747c89d2157b0b29fb6a +ýýýýýýýýýýýý,YOASOBI,1,2023,4,12,356,16,143573775,35,102,8,1,117,166,C#,Major,57,84,94,11,0,37,9,Not Found +Reminder,The Weeknd,1,2016,11,25,6518,17,684675814,45,85,238,1,47,160,G#,Major,71,40,50,16,0,16,22,https://i.scdn.co/image/ab67616d0000b2734718e2b124f79258be7bc452 +Shake It Off,Taylor Swift,1,2014,1,1,21335,13,1113838873,328,70,"1,378",9,20,160,G,Major,65,95,80,5,0,41,16,https://i.scdn.co/image/ab67616d0000b2739abdf14e6058bd3903686148 +Why'd You Only Call Me When You're High?,Arctic Monkeys,1,2013,1,1,23389,29,1267333350,54,70,"1,089",2,1,92,D,Major,70,81,63,4,0,8,4,Not Found +SNAP,Rosa Linn,1,2022,3,19,3202,18,726307468,148,80,226,24,0,170,,Major,56,53,64,11,0,45,6,https://i.scdn.co/image/ab67616d0000b2731391b1fdb63da53e5b112224 +Shape of You,Ed Sheeran,1,2017,1,6,32181,10,3562543890,33,0,"6,808",7,0,96,C#,Minor,83,93,65,58,0,9,8,https://i.scdn.co/image/ab67616d0000b273ba5db46f4b838ef6027e6f96 +Night Changes,One Direction,1,2014,11,17,7124,18,1131090940,60,20,2,0,,120,G#,Major,67,40,52,86,0,12,4,https://i.scdn.co/image/ab67616d0000b273d304ba2d71de306812eebaf4 +Fin de Semana,"Oscar Maydon, Junior H",2,2023,1,13,592,14,307370144,11,84,6,1,30,98,,Major,70,37,54,6,0,9,8,https://i.scdn.co/image/ab67616d0000b2739b7e1ea3815a172019bc5e56 +Creep,Radiohead,1,1992,9,21,36724,7,1271293243,146,72,"6,807",5,80,92,G,Major,53,12,34,1,0,12,4,https://i.scdn.co/image/ab67616d0000b273df55e326ed144ab4f5cecf95 +Car's Outside,James Arthur,1,2019,10,18,794,10,265882712,38,25,61,0,263,150,A,Major,34,24,56,4,0,11,3,https://i.scdn.co/image/ab67616d0000b273dc16d839ab77c64bdbeb3660 +Apocalypse,Cigarettes After Sex,1,2017,3,21,13091,17,841749534,61,96,790,2,116,94,F,Major,37,17,47,2,46,11,3,https://i.scdn.co/image/ab67616d0000b27312b69bf576f5e80291f75161 +Cheques,Shubh,1,2023,5,19,67,8,47956378,7,10,0,0,57,90,E,Minor,74,36,63,26,0,27,5,https://i.scdn.co/image/ab67616d0000b2731a8c4618eda885a406958dd0 +Pink + White,Frank Ocean,1,2016,8,20,21574,30,806397070,112,68,266,1,39,160,A,Major,54,54,55,67,0,42,11,https://i.scdn.co/image/ab67616d0000b273c5649add07ed3720be9d5526 +Circles,Post Malone,1,2019,8,30,19664,16,2132335812,391,73,633,3,37,120,,Major,70,59,75,24,0,9,4,https://i.scdn.co/image/ab67616d0000b2739478c87599550dd73bfa7e02 +Just The Way You Are,Bruno Mars,1,2010,1,1,21106,13,1641426668,82,0,"2,946",0,0,109,F,Major,63,46,85,1,0,9,5,https://i.scdn.co/image/ab67616d0000b273f6b55ca93bd33211227b502b +Take Me To Church,Hozier,1,2013,9,13,23804,31,2135158446,187,99,"4,623",1,0,129,E,Minor,57,41,66,63,0,12,5,https://i.scdn.co/image/ab67616d0000b2734ca68d59a4a29c856a4a39c2 +Bebe Dame,"Fuerza Regida, Grupo Frontera",2,2022,12,16,849,22,367316268,27,129,21,7,111,157,G,Major,54,75,60,30,0,7,5,https://i.scdn.co/image/ab67616d0000b2735f3aef5159749e4b61686670 +You Belong With Me (Taylor���s Ve,Taylor Swift,1,2021,4,9,2619,12,350381515,47,90,1,0,7,130,F#,Major,63,49,73,5,0,9,3,Not Found +Titi Me Preguntï¿,Bad Bunny,1,2022,5,6,9037,42,1264310836,124,133,139,14,166,107,F,Minor,65,19,72,10,0,13,25,Not Found +Better Than Revenge (Taylor's Version),Taylor Swift,1,2023,7,7,86,11,30343206,3,33,3,0,1,146,B,Minor,50,67,89,0,0,19,8,https://i.scdn.co/image/ab67616d0000b2730b04da4f224b51ff86e0a481 +Shut up My Moms Calling,Hotel Ugly,1,2020,2,10,1788,14,405136812,1,50,19,0,19,139,A,Minor,48,37,41,32,0,10,10,https://i.scdn.co/image/ab67616d0000b273350ab7a839c04bfd5225a9f5 +Have You Ever Seen The Rain?,Creedence Clearwater Revival,1,1968,7,1,15890,14,1145727611,71,37,653,0,167,116,,Major,74,76,70,7,0,13,3,https://i.scdn.co/image/ab67616d0000b27351f311c2fb06ad2789e3ff91 +Es un Secreto,Plan B,1,2010,7,20,492,36,540654286,4,3,19,0,0,95,F#,Minor,84,52,77,12,0,7,4,https://i.scdn.co/image/ab67616d0000b273913ef74e0272d688c512200b +POLARIS - Remix,"Feid, Mora, Saiko, Quevedo",4,2023,6,8,773,33,57312735,20,46,21,8,99,170,G#,Minor,62,55,80,15,0,37,7,Not Found +Ditto,NewJeans,1,2022,12,19,1154,22,397582059,28,125,11,1,51,134,F#,Minor,81,18,64,3,0,10,11,https://i.scdn.co/image/ab67616d0000b273edf5b257be1d6593e81bb45f +Take On Me,a-ha,1,1984,10,19,44927,17,1479115056,34,0,"5,108",6,0,84,F#,Minor,57,86,90,2,0,9,5,https://i.scdn.co/image/ab67616d0000b273e8dd4db47e7177c63b0b7d53 +"Annihilate (Spider-Man: Across the Spider-Verse) (Metro Boomin & Swae Lee, Lil Wayne, Offset)","Swae Lee, Lil Wayne, Offset, Metro Boomin",4,2023,6,2,551,4,86773632,13,46,20,1,10,146,B,Minor,61,20,48,21,0,12,6,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +"Angel Pt 1 (feat. Jimin of BTS, JVKE & Muni Long)","Kodak Black, NLE Choppa, Muni Long, JVKE, Jimin",5,2023,5,1,577,14,133753727,22,18,15,1,0,74,A#,Minor,53,24,67,11,0,10,28,https://i.scdn.co/image/ab67616d0000b273445afb6341d2685b959251cc +Acr��s,Shakira,1,2023,5,11,955,29,123124076,37,50,79,11,31,144,B,Major,75,35,48,84,0,10,12,Not Found +AMG,"Natanael Cano, Gabito Ballesteros, Peso Pluma",3,2022,11,24,995,19,463564958,12,117,9,5,3,136,B,Minor,77,79,73,15,0,27,10,https://i.scdn.co/image/ab67616d0000b273fbf10e7799f39fbcd301e55a +"Phir Aur Kya Chahiye (From ""Zara Hatke Zara Bachke"")","Arijit Singh, Sachin-Jigar, Amitabha Bhattacharya",3,2023,5,15,178,6,64533040,6,71,1,0,31,100,E,Major,56,53,55,53,0,12,4,Not Found +S-Class,Stray Kids,1,2023,6,2,290,19,65496046,9,101,5,0,73,105,F,Minor,89,67,78,9,0,7,33,https://i.scdn.co/image/ab67616d0000b273e27ba26bc14a563bf3d09882 +Hits Different,Taylor Swift,1,2023,5,26,547,0,68616963,15,15,6,0,0,106,F,Major,67,24,78,15,0,30,4,https://i.scdn.co/image/ab67616d0000b273fa747621a53c8e2cc436dee0 +Chanel,"Becky G, Peso Pluma",2,2023,3,30,681,10,161460990,15,92,21,2,26,132,D,Major,85,53,68,40,0,9,4,https://i.scdn.co/image/ab67616d0000b273c3bb167f0e78b15e5588c296 +Self Love (Spider-Man: Across the Spider-Verse) (Metro Boomin & Coi Leray),"Metro Boomin, Coi Leray",2,2023,6,2,332,5,70106975,18,41,5,0,19,120,A,Major,78,5,30,21,0,13,5,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +Area Codes,"Kaliii, Kaliii",2,2023,3,17,1197,13,113509496,44,34,25,1,171,155,C#,Major,82,51,39,2,0,9,49,https://i.scdn.co/image/ab67616d0000b2733eecc265c134153c14794aab +Abcdario,"Junior H, Eden Mu�ï",2,2023,5,13,262,5,89933133,8,60,4,1,109,129,G#,Major,70,42,43,78,0,11,3,Not Found +Obsessed,"Abhijay Sharma, Riar Saab",2,2022,9,29,161,6,71007139,10,79,2,0,42,135,F,Minor,80,85,74,62,0,8,9,Not Found +Pi��man Deï¿,"Semicenk, Do��u ",2,2023,6,2,185,3,43522589,5,6,4,1,33,98,A#,Minor,73,45,62,28,0,13,13,Not Found +FLOWER,JISOO,1,2023,3,31,839,18,232896922,20,110,20,0,69,124,A,Minor,84,64,39,3,0,11,4,https://i.scdn.co/image/ab67616d0000b273f35b8a6c03cc633f734bd8ac +"All The Way Live (Spider-Man: Across the Spider-Verse) (Metro Boomin & Future, Lil Uzi Vert)","Future, Lil Uzi Vert, Metro Boomin",3,2023,6,2,259,0,37126685,5,17,5,0,0,135,A,Minor,77,28,55,18,0,22,15,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +Eyes Closed,Ed Sheeran,1,2023,3,23,2915,30,195576623,116,69,107,3,675,107,D,Major,78,39,53,30,0,11,6,https://i.scdn.co/image/ab67616d0000b273a0aea3805ed6a87aa394c796 +Escapism.,"RAYE, 070 Shake",2,2022,10,12,5129,25,532336353,116,84,114,18,348,96,D,Major,54,25,74,14,0,9,11,https://i.scdn.co/image/ab67616d0000b27394e5237ce925531dbb38e75f +La Jumpa,"Arcangel, Bad Bunny",2,2022,11,30,3794,34,538115192,47,77,53,10,8,123,G#,Major,71,58,70,30,0,32,19,https://i.scdn.co/image/ab67616d0000b27330326b23e30ae93d4d48165b +Karma (feat. Ice Spice),"Taylor Swift, Ice Spice",2,2023,5,26,588,0,46142772,23,21,31,0,0,90,G#,Major,62,7,62,6,0,58,6,https://i.scdn.co/image/ab67616d0000b273fa747621a53c8e2cc436dee0 +Superhero (Heroes & Villains) [with Future & Chris Brown],"Future, Chris Brown, Metro Boomin",3,2022,12,2,2959,16,401036314,41,69,38,0,36,117,F,Minor,72,45,59,14,0,20,21,https://i.scdn.co/image/ab67616d0000b27313e54d6687e65678d60466c2 +Las Morras,"BLESSD, Peso Pluma",2,2023,4,4,291,8,127026613,8,78,4,1,1,133,A,Minor,78,90,84,31,0,7,4,Not Found +CHORRITO PA LAS ANIMAS,Feid,1,2022,12,2,2321,36,345031710,29,65,34,5,3,96,G#,Minor,74,61,83,11,0,35,6,https://i.scdn.co/image/ab67616d0000b2737cc7b0d6a82846cd8b158f99 +Ch y la Pizza,"Fuerza Regida, Natanael Cano",2,2022,12,1,536,10,288101651,10,72,8,3,14,149,G#,Major,66,85,60,40,0,14,13,https://i.scdn.co/image/ab67616d0000b273cdbbe3160616f7c85e2eb2c8 +Snow On The Beach (feat. More Lana Del Rey),"Lana Del Rey, Taylor Swift",2,2023,5,26,359,2,60350538,1,0,9,0,0,110,F#,Minor,66,32,40,81,0,11,3,Not Found +Players,Coi Leray,1,2022,11,30,4096,6,335074782,118,48,143,0,240,105,F#,Major,95,62,52,3,0,5,16,https://i.scdn.co/image/ab67616d0000b2731cf7cf4446b496525e423465 +Bite Me,ENHYPEN,1,2023,5,22,349,69,76767396,8,96,5,0,56,105,C#,Major,80,69,78,28,0,11,14,https://i.scdn.co/image/ab67616d0000b2731d03b5e88cee6870778a4d27 +Stand By Me (feat. Morgan Wallen),"Lil Durk, Morgan Wallen",2,2023,5,26,381,5,46065667,23,82,6,0,113,134,B,Major,76,61,58,6,0,16,3,https://i.scdn.co/image/ab67616d0000b2736234c2c6d4bb935839ac4719 +Normal,Feid,1,2022,7,8,2461,36,459276435,47,66,45,5,6,170,E,Minor,71,59,56,4,0,27,12,https://i.scdn.co/image/ab67616d0000b273b764865b38a71f70dfd0dbcb +Hummingbird (Metro Boomin & James Blake),"James Blake, Metro Boomin",2,2023,6,2,277,1,39666245,1,20,5,0,1,81,F#,Major,59,26,60,46,1,25,13,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +Seu Brilho Sumiu - Ao Vivo,"Israel & Rodolffo, Mari Fernandez",2,2023,3,1,967,5,138517666,7,29,51,1,29,154,F#,Major,63,75,92,31,0,91,5,https://i.scdn.co/image/ab67616d0000b2736ccbcc3358d31dcba6e7c035 +Bad Habit,Steve Lacy,1,2022,6,29,8186,12,822633917,155,72,131,16,29,169,C#,Major,69,69,51,63,0,38,4,https://i.scdn.co/image/ab67616d0000b27368968350c2550e36d96344ee +CUFF IT,Beyoncï¿,1,2022,7,29,7842,10,595900742,215,88,330,26,23,115,G,Major,78,64,69,4,0,7,14,Not Found +Lilith (feat. SUGA of BTS) (Diablo IV Anthem),"Halsey, Suga",2,2023,6,5,215,6,51985779,6,14,8,2,4,84,A,Minor,43,14,74,1,0,19,8,https://i.scdn.co/image/ab67616d0000b273f19310c007c0fad365b0542e +69,"Nicky Jam, Feid",2,2023,5,18,1134,22,57945987,39,14,48,2,3,93,G#,Major,79,58,62,11,0,11,23,https://i.scdn.co/image/ab67616d0000b273ea97d86f1fa8532cd8c75188 +Ni��a Bo,"Sean Paul, Feid",2,2023,4,21,1305,34,115010040,29,26,43,5,44,91,G,Major,82,47,62,10,0,10,15,Not Found +Search & Rescue,Drake,1,2023,4,7,2066,6,175097833,58,70,43,0,182,142,A#,Minor,82,54,44,6,0,33,7,https://i.scdn.co/image/ab67616d0000b273cace8a4b2ff924c9e12e3a96 +AMERICA HAS A PROBLEM (feat. Kendrick Lamar),"Kendrick Lamar, Beyoncï¿",2,2023,5,19,896,0,57089066,34,2,33,0,1,126,C#,Major,78,20,70,1,0,16,4,Not Found +Lavender Haze,Taylor Swift,1,2022,10,21,3763,8,488386797,51,43,38,10,1,97,A#,Major,73,10,44,26,0,16,8,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +"Link Up (Metro Boomin & Don Toliver, Wizkid feat. BEAM & Toian) - Spider-Verse Remix (Spider-Man: Across the Spider-Verse )","WizKid, Toian, Metro Boomin, Don Toliver, Beam",5,2023,6,2,197,0,32761689,3,10,3,0,0,101,F,Major,92,59,51,41,51,26,8,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +Efecto,Bad Bunny,1,2022,5,6,4004,33,1047480053,34,65,43,6,2,98,G,Minor,80,23,48,14,0,6,5,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +Erro Gostoso - Ao Vivo,Simone Mendes,1,2023,1,27,984,5,153454328,8,57,76,2,49,154,F#,Major,59,63,89,18,0,80,9,https://i.scdn.co/image/ab67616d0000b2735559a80512e3986640b0140d +Cupido,Tini,1,2023,2,14,1240,24,217672943,51,29,63,4,54,120,A,Major,91,63,58,52,0,31,22,https://i.scdn.co/image/ab67616d0000b273f5409c637b9a7244e0c0d11d +Just Wanna Rock,Lil Uzi Vert,1,2022,10,17,3995,13,457184829,72,27,47,0,0,150,B,Major,49,4,55,7,0,6,3,https://i.scdn.co/image/ab67616d0000b273438799bc344744c12028bb0f +Unstoppable,Sia,1,2016,1,21,7681,13,939844851,119,66,"1,145",2,,174,A,Major,47,27,78,11,0,10,8,https://i.scdn.co/image/ab67616d0000b273754b2fddebe7039fdb912837 +Until I Found You,Stephen Sanchez,1,2021,9,1,4427,4,726434358,69,100,154,20,438,202,A#,Major,34,25,51,69,0,18,4,https://i.scdn.co/image/ab67616d0000b2732bf0876d42b90a8852ad6244 +Rich Flex,"Drake, 21 Savage",2,2022,11,4,4657,18,573633020,84,84,42,0,23,153,B,Minor,56,42,52,5,0,36,24,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +Easy On Me,Adele,1,2021,10,14,10195,20,1406111294,258,87,657,22,9,142,F,Major,60,13,37,58,0,13,3,https://i.scdn.co/image/ab67616d0000b27350dba34377a595e35f81b0e4 +Cart��o B,"MC Caverinha, KayBlack",2,2023,5,11,269,4,71573339,7,2,30,1,11,108,A,Minor,84,55,47,26,0,20,64,Not Found +Danger (Spider) (Offset & JID),"Offset, JID",2,2023,6,2,214,0,24975653,3,3,6,0,0,143,B,Major,83,25,69,4,0,23,12,https://i.scdn.co/image/ab67616d0000b2736ed9aef791159496b286179f +Oi Balde - Ao Vivo,Z�� Neto & Crist,1,2023,2,14,845,2,145458418,12,57,47,1,33,108,D,Major,67,55,67,60,0,80,5,Not Found +The Real Slim Shady,Eminem,1,2000,1,1,20763,27,1424589568,81,53,"3,271",1,17,104,F,Minor,95,78,66,3,0,4,6,https://i.scdn.co/image/ab67616d0000b273dbb3dd82da45b7d7f31b1b42 +MERCHO,"Migrantes, LiL CaKe, Nico Valdi",3,2022,12,16,1267,20,231332117,41,22,56,4,84,93,F#,Minor,84,96,79,43,0,18,11,Not Found +The Color Violet,Tory Lanez,1,2021,12,10,2585,32,415932686,3,79,21,1,54,105,F#,Minor,65,46,53,16,0,9,5,https://i.scdn.co/image/ab67616d0000b2730c5f23cbf0b1ab7e37d0dc67 +Glimpse of Us,Joji,1,2022,6,10,6330,6,988515741,109,42,158,3,31,170,G#,Major,44,27,32,89,0,14,5,https://i.scdn.co/image/ab67616d0000b27308596cc28b9f5b00bfe08ae7 +Mejor Que Yo,"Mambo Kingz, DJ Luian, Anuel Aa",3,2023,5,4,675,1,50847624,9,13,11,0,1,178,C#,Minor,62,56,66,18,0,12,5,Not Found +Curtains,Ed Sheeran,1,2023,5,5,715,0,39893489,37,3,27,0,50,176,F#,Minor,50,44,76,10,0,32,5,https://i.scdn.co/image/ab67616d0000b273a0aea3805ed6a87aa394c796 +UNFORGIVEN (feat. Nile Rodgers),"Nile Rodgers, LE SSERAFIM",2,2023,5,1,327,13,92035115,14,110,9,0,49,104,E,Minor,80,38,88,11,0,11,5,Not Found +Haegeum,Agust D,1,2023,4,21,244,12,118810253,6,84,10,2,9,85,G,Major,70,83,84,31,0,47,30,https://i.scdn.co/image/ab67616d0000b273fa9247b68471b82d2125651e +Conex��es de M��fia (feat. Rich ,"Rich The Kid, Matuï¿",2,2023,4,30,385,4,77233241,17,7,41,1,29,117,F#,Minor,77,69,58,39,0,26,5,Not Found +MIENTRAS ME CURO DEL CORA,Karol G,1,2023,2,24,1020,35,206399629,15,26,30,6,0,80,,Major,52,57,48,86,0,15,39,https://i.scdn.co/image/ab67616d0000b27382de1ca074ae63cb18fce335 +Never Felt So Alone,Labrinth,1,2023,4,7,1730,3,117747907,46,5,51,0,20,98,F,Major,44,36,41,50,0,38,5,https://i.scdn.co/image/ab67616d0000b2737dda6cb97a57f116f6fbf0be +X SI VOLVEMOS,"Karol G, Romeo Santos",2,2023,2,2,2127,33,266624541,45,80,53,8,4,178,C#,Minor,79,58,78,34,0,11,25,https://i.scdn.co/image/ab67616d0000b27382de1ca074ae63cb18fce335 +ceilings,Lizzy McAlpine,1,2022,4,8,3242,9,293186992,67,55,48,0,6,148,A,Major,51,27,33,48,0,22,3,https://i.scdn.co/image/ab67616d0000b273d370fdc4dbc47778b9b667c3 +Cupid,Fifty Fifty,1,2023,2,24,526,10,139681964,15,93,30,0,320,120,D,Major,77,94,66,65,0,38,3,https://i.scdn.co/image/ab67616d0000b27337c0b3670236c067c8e8bbcb +I AM,IVE,1,2023,4,10,366,15,123132751,16,102,7,0,55,122,E,Minor,68,38,88,1,0,8,5,https://i.scdn.co/image/ab67616d0000b27325ef3cec1eceefd4db2f91c8 +Cupid ��� Twin Ver. (FIFTY FIFTY) ��� Spe,sped up 8282,1,1997,1,1,472,2,103762518,0,0,6,0,0,144,F,Major,74,75,73,42,0,9,4,Not Found +Shorty Party,"Cartel De Santa, La Kelly",2,2023,3,4,432,12,162887075,8,14,12,2,33,96,D,Major,93,47,47,33,0,10,36,https://i.scdn.co/image/ab67616d0000b273608e249e118a39e897f149ce +Super,SEVENTEEN,1,2023,4,24,271,12,91221625,16,103,9,0,55,137,G#,Major,77,35,88,16,0,17,9,https://i.scdn.co/image/ab67616d0000b27380e31ba0c05187e6310ef264 +Slut Me Out,NLE Choppa,1,2022,4,22,816,4,190490915,21,4,13,0,4,121,F#,Minor,94,71,61,12,0,53,42,https://i.scdn.co/image/ab67616d0000b27349a4f6c9a637e02252a0076d +Double Fantasy (with Future),"The Weeknd, Future",2,2023,4,21,1169,0,96180277,36,65,28,0,0,119,A,Minor,60,10,57,1,0,50,3,https://i.scdn.co/image/ab67616d0000b273c7d6fe09dfe4af1580e59705 +All Of The Girls You Loved Before,Taylor Swift,1,2019,8,23,1282,6,185240616,26,6,19,0,5,96,D,Major,72,40,47,71,0,13,4,https://i.scdn.co/image/ab67616d0000b2738481d8f15859aa5bae75ee17 +PROVENZA,Karol G,1,2022,4,21,6587,34,885093467,114,104,147,11,20,111,C#,Major,87,53,52,66,1,11,5,https://i.scdn.co/image/ab67616d0000b27382de1ca074ae63cb18fce335 +Princess Diana (with Nicki Minaj),"Nicki Minaj, Ice Spice",2,2023,4,14,1444,4,104992946,0,0,0,0,0,148,A,Major,90,74,68,14,0,10,19,Not Found +Di Que Si,"Grupo Marca Registrada, Grupo Frontera",2,2023,2,3,356,10,147290338,4,64,4,2,37,182,A,Major,57,80,59,8,0,6,5,https://i.scdn.co/image/ab67616d0000b273aab35973ece2916fb24244fe +Shivers,Ed Sheeran,1,2021,9,9,10147,30,1302184087,234,71,543,18,,141,D,Major,79,82,86,28,0,4,9,https://i.scdn.co/image/ab67616d0000b273ef24c3fdbf856340d55cfeb2 +Igualito a Mi Apï¿,"Fuerza Regida, Peso Pluma",2,2022,12,30,265,6,158950978,8,84,5,1,4,145,E,Minor,76,80,81,19,0,6,9,Not Found +Shoong! (feat. LISA of BLACKPINK),"TAEYANG, Lisa",2,2023,4,25,351,9,76910644,16,90,10,0,64,110,B,Minor,76,26,70,1,0,41,6,https://i.scdn.co/image/ab67616d0000b27346313223adf2b6d726388328 +Komang,Raim Laode,1,2022,8,16,158,4,137123880,5,6,1,1,18,134,G,Major,70,35,41,41,0,10,3,https://i.scdn.co/image/ab67616d0000b273f20ec6ba1f431a90dbf2e8b6 +DESPECHï¿,ROSAL�,1,2022,7,28,7613,33,782369383,180,90,422,15,55,130,G,Major,92,78,62,18,0,6,10,Not Found +Made You Look,Meghan Trainor,1,2022,10,21,3956,6,502574952,142,23,127,3,16,145,A#,Major,84,88,53,35,0,8,7,https://i.scdn.co/image/ab67616d0000b2731a4f1ada93881da4ca8060ff +Watch This - ARIZONATEARS Pluggnb Remix,"sped up nightcore, ARIZONATEARS, Lil Uzi Vert",3,2023,2,5,1638,10,207033255,0,0,21,0,0,130,B,Minor,69,36,90,1,10,15,4,Not Found +No Se Va,Grupo Frontera,1,2022,4,28,924,18,404887295,17,80,22,9,38,173,,Major,59,69,53,12,0,23,3,https://i.scdn.co/image/ab67616d0000b273042b5cc9a1a0a97cfc005ee8 +Punto G,Quevedo,1,2022,11,4,1985,35,381161027,34,26,37,5,1,92,B,Minor,75,55,76,25,0,10,15,https://i.scdn.co/image/ab67616d0000b273efc1b8f6beda4abe848a84e0 +Lovers Rock,TV Girl,1,2014,6,5,6339,13,466231982,3,1,36,1,37,105,F,Minor,56,57,87,0,1,10,4,https://i.scdn.co/image/ab67616d0000b273e1bc1af856b42dd7fdba9f84 +METAMORPHOSIS,INTERWORLD,1,2021,11,25,1561,24,357580552,18,78,24,0,30,175,G,Minor,59,15,64,43,90,12,10,https://i.scdn.co/image/ab67616d0000b273b852a616ae3a49a1f6b0f16e +Mami Chula,"Quevedo, Jhayco",2,2023,4,27,875,4,61105704,17,13,27,0,43,120,G,Minor,80,33,70,22,0,9,4,Not Found +En Paris,"El Chachito, Junior H",2,2022,12,24,406,5,198275403,3,31,2,1,0,139,D#,Minor,70,77,48,37,0,12,5,https://i.scdn.co/image/ab67616d0000b27354c372ef8e7b53bb3c932ac5 +Set Me Free Pt.2,Jimin,1,2023,3,17,340,13,168448603,4,71,16,1,9,132,,Minor,59,56,82,12,0,12,6,https://i.scdn.co/image/ab67616d0000b2734f4ec2c2a865569bd4a067a4 +I Was Never There,"The Weeknd, Gesaffelstein",2,2018,3,29,4188,15,705469769,30,70,142,0,27,114,A#,Major,32,17,74,14,0,17,3,https://i.scdn.co/image/ab67616d0000b2731f6a2a40bb692936879db730 +Don't ever say love me (feat. RM of BTS),"RM, Colde",2,2023,5,4,105,0,34502215,5,9,5,0,0,145,B,Minor,54,19,48,36,0,37,5,Not Found +Shut Down,BLACKPINK,1,2022,9,16,1524,17,482175240,53,120,62,0,2,110,,Major,82,67,69,0,0,18,4,https://i.scdn.co/image/ab67616d0000b273002ef53878df1b4e91c15406 +Gato de Noche,"Nengo Flow, Bad Bunny",2,2022,12,22,2651,30,304118600,21,55,32,3,0,94,G#,Major,89,61,66,17,0,36,16,https://i.scdn.co/image/ab67616d0000b273ed132404686f567c8f793058 +Call Out My Name,The Weeknd,1,2018,3,29,11087,6,1449799467,151,107,801,1,105,134,C#,Major,45,17,60,21,0,33,4,https://i.scdn.co/image/ab67616d0000b2731f6a2a40bb692936879db730 +Like Crazy (English Version),Jimin,1,2023,3,24,373,19,173627354,4,72,5,0,5,120,G,Major,62,32,76,0,0,39,4,https://i.scdn.co/image/ab67616d0000b2732b46078245d0120690eb560d +Rosa Pastel,"Jasiel Nu��ez, Peso P",2,2023,2,2,200,4,90025258,8,77,2,1,1,123,G,Minor,70,86,68,24,0,11,4,Not Found +Sunroof,"Nicky Youre, Dazy",2,2021,12,3,3741,17,652704649,156,35,110,19,0,131,A#,Major,77,84,71,35,0,15,4,https://i.scdn.co/image/ab67616d0000b273ecd970d1d2623b6c7fc6080c +Lose Yourself - Soundtrack Version,Eminem,1,2002,1,1,32502,21,1829992958,247,54,"5,567",1,51,171,D,Major,70,6,73,1,0,36,26,Not Found +Superman,"Eminem, Dina Rae",2,2002,5,26,7615,14,655466831,18,51,"1,005",0,0,130,E,Minor,80,64,76,2,0,20,6,https://i.scdn.co/image/ab67616d0000b2736ca5c90113b30c3c43ffb8f4 +Mas Rica Que Ayer,"Mambo Kingz, DJ Luian, Anuel Aa",3,2023,3,2,1208,34,146409671,10,41,20,0,1,94,B,Major,82,53,67,34,0,9,8,Not Found +People Pt.2 (feat. IU),"IU, Agust D",2,2023,4,7,209,4,95816024,4,45,11,2,24,89,G,Minor,73,44,57,39,0,32,6,Not Found +REMIX EXCLUSIVO,Feid,1,2023,3,17,1235,9,117206995,20,8,15,0,6,87,F,Minor,65,71,56,4,0,15,20,https://i.scdn.co/image/ab67616d0000b273adf20f92c3153248fd7aac9e +"Arc��ngel: Bzrp Music Sessions, Vol","Arcangel, Bizarrap",2,2023,3,22,654,3,100409613,11,3,18,1,1,124,B,Minor,72,79,78,55,0,15,30,Not Found +DOGTOOTH,"Tyler, The Creator",2,2023,3,27,1479,0,80758350,23,0,18,0,33,78,G#,Major,71,80,65,51,0,22,32,https://i.scdn.co/image/ab67616d0000b273aa95a399fd30fbb4f6f59fca +10:35,"Ti��sto, Tate M",2,2022,11,1,4942,26,325592432,190,104,147,18,63,120,G#,Major,70,70,79,7,0,18,10,Not Found +SORRY NOT SORRY,"Tyler, The Creator",2,2023,3,31,709,0,58473276,8,1,13,0,0,96,F#,Minor,48,50,80,40,0,37,20,Not Found +HAPPY,NF,1,2023,3,25,660,0,52722996,22,7,11,0,78,106,G,Major,73,22,86,31,0,12,4,https://i.scdn.co/image/ab67616d0000b273ff8a4276b3be31c839557439 +La Bebe,Yng Lvcas,1,2021,12,24,489,17,191945597,4,11,5,1,2,170,D,Minor,78,75,46,62,0,12,35,https://i.scdn.co/image/ab67616d0000b273a04be3ad7c8c67f4109111a9 +I Know - PR1SVX Edit,"Kanii, PR1ISVX",2,2023,3,24,407,0,77377503,16,15,5,0,1,134,B,Minor,67,11,76,8,47,30,7,https://i.scdn.co/image/ab67616d0000b273efae10889cd442784f3acd3d +Late Night Talking,Harry Styles,1,2022,5,20,7461,8,743693613,166,42,199,16,58,115,A#,Major,71,90,73,30,0,11,5,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Le�,Mar��lia Mendo,1,2022,12,9,993,4,267789608,30,84,88,1,28,130,F#,Major,74,79,87,45,0,30,3,Not Found +Save Your Tears (with Ariana Grande) (Remix),"Ariana Grande, The Weeknd",2,2020,3,20,9161,5,1221813483,240,98,468,3,10,118,,Major,65,63,79,3,0,10,3,Not Found +Something in the Orange,Zach Bryan,1,2022,4,22,3282,12,449701773,67,84,46,16,117,110,G,Major,59,22,38,42,0,12,3,https://i.scdn.co/image/ab67616d0000b273b2b6670e3aca9bcd55fbabbb +VOID,Melanie Martinez,1,2023,3,29,596,0,67070410,29,9,12,0,52,100,A,Major,72,42,66,18,4,19,4,https://i.scdn.co/image/ab67616d0000b2733c6c534cdacc9cf53e6d2977 +Dijeron Que No La Iba Lograr,"Fuerza Regida, Chino Pacas",2,2023,3,14,320,6,116334601,5,48,2,1,9,142,G,Minor,70,76,79,26,0,11,7,Not Found +Midnight Rain,Taylor Swift,1,2022,10,21,2612,4,433356509,19,29,21,0,0,140,,Major,64,18,37,72,0,12,7,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +If We Ever Broke Up,Mae Stephens,1,2023,2,10,2040,4,165584767,81,27,66,9,444,116,G,Major,90,96,73,62,0,9,4,https://i.scdn.co/image/ab67616d0000b273918207ec2316cec13a0e036f +You Proof,Morgan Wallen,1,2022,5,13,2128,9,367814306,37,88,9,0,14,120,A,Major,73,64,85,25,0,61,3,https://i.scdn.co/image/ab67616d0000b273705079df9a25a28b452c1fc9 +LA INOCENTE,"Feid, Mora",2,2022,4,1,2598,37,477033549,28,57,43,8,85,92,F,Minor,76,46,79,31,0,7,6,Not Found +Malas Decisiones,Kenia OS,1,2022,10,26,542,2,156214700,23,2,21,0,0,110,G#,Minor,81,64,79,5,0,31,3,https://i.scdn.co/image/ab67616d0000b2739afe5698b0a9559dabc44ac8 +Murder In My Mind,Kordhell,1,2022,1,21,2459,20,448843705,20,68,50,0,22,120,A#,Major,71,57,97,1,0,13,11,https://i.scdn.co/image/ab67616d0000b2731440ffaa43c53d65719e0150 +Gangsta's Paradise,"Coolio, L.V.",2,1995,7,11,10624,17,1357608774,21,0,386,0,,80,G#,Major,63,40,61,9,0,56,6,https://i.scdn.co/image/ab67616d0000b273c31d3c870a3dbaf7b53186cc +CAIRO,"Karol G, Ovy On The Drums",2,2022,11,13,2418,26,294352144,52,66,55,1,16,115,F,Minor,95,43,69,47,0,9,31,https://i.scdn.co/image/ab67616d0000b27382de1ca074ae63cb18fce335 +I Love You So,The Walters,1,2014,11,28,7536,7,972164968,44,19,135,0,6,76,A#,Major,58,46,67,65,0,13,4,https://i.scdn.co/image/ab67616d0000b2739214ff0109a0e062f8a6cf0f +Dark Red,Steve Lacy,1,2017,2,20,10431,7,920045682,71,53,181,0,10,172,F#,Major,60,77,78,45,0,12,6,https://i.scdn.co/image/ab67616d0000b2733d2dfa42f771cd458b194979 +Say You Won't Let Go,James Arthur,1,2016,9,9,15722,16,2420461338,231,37,"1,509",0,13,99,A#,Major,40,45,56,69,0,9,5,https://i.scdn.co/image/ab67616d0000b27320beb61f61fcbeb33b10a9ab +The Hills,The Weeknd,1,2015,5,27,25744,4,1947371785,122,94,"1,992",0,18,136,,Minor,36,12,57,9,0,14,8,https://i.scdn.co/image/ab67616d0000b2737fcead687e99583072cc217b +Heart To Heart,Mac DeMarco,1,2019,5,10,1640,0,244658767,27,27,29,1,1,150,G#,Minor,90,64,14,67,35,11,10,https://i.scdn.co/image/ab67616d0000b273fa1323bb50728c7489980672 +Peaches (from The Super Mario Bros. Movie),Jack Black,1,2023,4,7,34,0,68216992,0,0,0,0,0,92,A#,Minor,71,41,31,79,0,10,5,Not Found +Marisola - Remix,"Duki, NICKI NICOLE, Cris Mj, Standly, Stars Music Chile",5,2022,12,15,1845,16,223582566,20,8,30,2,0,95,C#,Major,77,72,87,17,0,7,5,Not Found +LOKERA,"Brray, Rauw Alejandro, Lyanno",3,2022,7,25,3301,30,471819764,72,64,64,6,3,102,B,Minor,83,58,83,21,0,10,5,Not Found +Low,SZA,1,2022,12,9,1911,0,272377463,23,71,14,0,9,145,,Minor,70,34,55,43,0,16,6,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Numb,Linkin Park,1,2003,3,24,20111,5,1361425037,39,0,"7,341",0,0,110,A,Major,50,24,86,0,0,64,4,https://i.scdn.co/image/ab67616d0000b273b4ad7ebaf4575f120eb3f193 +Tormenta (feat. Bad Bunny),"Gorillaz, Bad Bunny",2,2023,2,24,1529,0,149778242,32,18,39,2,0,95,,Major,64,30,77,46,0,38,6,https://i.scdn.co/image/ab67616d0000b2734b0ddebba0d5b34f2a2f07a4 +on the street (with J. Cole),"j-hope, J. Cole",2,2023,3,3,615,2,116599790,22,82,8,0,9,94,B,Minor,68,81,82,53,0,9,13,https://i.scdn.co/image/ab67616d0000b2735e8286ff63f7efce1881a02b +One Thing At A Time,Morgan Wallen,1,2022,12,2,811,4,148469433,11,58,5,0,21,142,G,Major,61,92,91,0,0,26,3,https://i.scdn.co/image/ab67616d0000b273705079df9a25a28b452c1fc9 +Miss You,"Robin Schulz, Oliver Tree",2,2022,8,5,5730,10,497225336,108,16,197,3,165,145,F#,Minor,59,20,74,1,0,15,5,Not Found +Ain���t Tha,Morgan Wallen,1,2023,3,3,356,4,88791109,4,20,0,0,0,121,F#,Minor,64,67,80,0,0,36,3,Not Found +Thinkin��� B,Morgan Wallen,1,2023,3,3,604,6,125917280,22,101,0,0,66,140,D#,Minor,66,43,76,49,0,12,3,Not Found +Private Landing (feat. Justin Bieber & Future),"Don Toliver, Future, Justin Bieber",3,2023,2,23,1190,0,105062254,29,3,18,0,19,137,C#,Minor,84,44,67,8,0,11,6,https://i.scdn.co/image/ab67616d0000b273feeff698e6090e6b02f21ec0 +Everything I Love,Morgan Wallen,1,2023,1,31,579,0,95623148,11,54,0,0,103,104,G#,Major,56,72,85,0,0,15,3,https://i.scdn.co/image/ab67616d0000b273705079df9a25a28b452c1fc9 +Heaven,Niall Horan,1,2023,2,17,1553,2,144584800,61,6,48,0,150,92,F,Major,57,68,76,7,0,33,3,https://i.scdn.co/image/ab67616d0000b2732a368fea49f5c489a9dc3949 +LET GO,Central Cee,1,2022,12,15,2301,20,298063749,49,23,110,0,8,146,D,Minor,74,51,45,86,0,21,38,https://i.scdn.co/image/ab67616d0000b273cbb3701743a568e7f1c4e967 +Sial,Mahalini,1,2023,1,23,134,4,166570053,4,6,0,0,23,120,D,Major,56,20,43,89,0,12,4,https://i.scdn.co/image/ab67616d0000b2732f7bb02cb4b74bd7c2406428 +I Wrote The Book,Morgan Wallen,1,2023,1,31,430,0,83021468,15,17,0,0,0,144,D,Major,68,83,81,9,0,8,4,https://i.scdn.co/image/ab67616d0000b273705079df9a25a28b452c1fc9 +"Apna Bana Le (From ""Bhediya"")","Arijit Singh, Sachin-Jigar",2,2022,11,5,86,0,139836056,11,101,0,0,48,94,A,Major,59,44,56,80,0,6,3,Not Found +SPIT IN MY FACE!,ThxSoMch,1,2022,10,31,629,14,303216294,32,3,9,0,0,94,G#,Major,73,65,79,5,2,11,6,https://i.scdn.co/image/ab67616d0000b27360ddc59c8d590a37cf2348f3 +PLAYA DEL INGL�,"Myke Towers, Quevedo",2,2022,12,15,1701,15,221409663,30,15,34,2,47,113,G,Minor,79,66,74,8,0,11,5,Not Found +Man Made A Bar (feat. Eric Church),"Morgan Wallen, Eric Church",2,2023,3,3,329,0,58890931,14,35,1,0,0,148,E,Major,50,49,76,12,0,12,3,https://i.scdn.co/image/ab67616d0000b273705079df9a25a28b452c1fc9 +Red Ruby Da Sleeze,Nicki Minaj,1,2023,3,3,1168,0,81419389,45,11,20,0,21,98,C#,Major,70,29,73,12,0,11,26,https://i.scdn.co/image/ab67616d0000b273064c51559ea4a86bd557a86f +Kahani Suno 2.0,Kaifi Khalil,1,2022,5,31,162,6,156777415,1,10,1,0,1,140,B,Major,58,26,38,91,0,10,4,https://i.scdn.co/image/ab67616d0000b2734697d4ee22b3f63c17a3b9ec +Nobody Gets Me,SZA,1,2022,12,9,2536,6,284908316,59,100,58,13,2,100,G,Major,36,28,28,81,0,18,3,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +PERO Tï¿,"Karol G, Quevedo",2,2023,2,23,387,11,93438910,11,15,14,3,1,140,F#,Major,86,68,79,39,0,11,29,Not Found +Hype Boy,NewJeans,1,2022,8,1,892,17,363472647,20,119,12,2,7,100,E,Minor,59,78,94,27,0,29,23,https://i.scdn.co/image/ab67616d0000b2739d28fd01859073a3ae6ea209 +Bloody Mary,Lady Gaga,1,2011,1,1,3909,0,372476382,66,26,277,3,734,100,A,Minor,59,49,65,2,0,13,3,https://i.scdn.co/image/ab67616d0000b273a47c0e156ea3cebe37fdcab8 +Monoton�,"Ozuna, Shakira",2,2022,10,19,3645,15,380726517,118,34,150,4,19,132,,Minor,87,82,70,42,0,21,5,Not Found +ýýý98 Braves,Morgan Wallen,1,2023,3,3,282,0,56533272,6,15,0,0,0,142,D,Major,49,48,67,10,0,26,3,Not Found +WANDA,Quevedo,1,2023,1,20,888,22,175399345,11,24,7,1,7,176,E,Minor,72,96,63,25,0,21,7,https://i.scdn.co/image/ab67616d0000b273efc1b8f6beda4abe848a84e0 +Thought You Should Know,Morgan Wallen,1,2022,5,6,968,4,203221468,16,53,1,0,61,140,F#,Major,53,51,70,49,0,14,3,https://i.scdn.co/image/ab67616d0000b273705079df9a25a28b452c1fc9 +In The End,Linkin Park,1,2000,10,24,25065,6,1624165576,63,0,"6,808",2,0,105,D#,Minor,55,40,90,1,0,32,6,https://i.scdn.co/image/ab67616d0000b273e2f039481babe23658fc719a +Zona De Perigo,Leo Santana,1,2022,12,8,531,4,134294498,20,1,71,2,0,135,F,Major,81,97,77,75,0,35,3,https://i.scdn.co/image/ab67616d0000b2737fc5a85369c7df7f5f63efa3 +Lovezinho,Treyce,1,2022,7,28,242,0,70069745,12,2,13,0,4,128,E,Minor,82,61,59,30,0,12,4,Not Found +I Like You (A Happier Song) (with Doja Cat),"Post Malone, Doja Cat",2,2022,6,3,5281,14,609293408,94,21,80,15,38,101,F,Major,74,43,69,12,0,12,7,https://i.scdn.co/image/ab67616d0000b27334362676667a4322838ccc97 +Neverita,Bad Bunny,1,2022,5,6,2590,30,671365962,20,64,35,6,0,122,A#,Major,88,43,50,7,0,14,5,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +Vista Al Mar,Quevedo,1,2022,9,8,1769,34,362361576,16,19,21,3,4,105,,Minor,76,49,56,80,12,10,13,https://i.scdn.co/image/ab67616d0000b273efc1b8f6beda4abe848a84e0 +Sem Alian��a no ,"MC Xenon, Os Gemeos da Putaria",2,2022,12,23,454,4,93587665,6,1,21,0,1,83,C#,Major,53,40,36,73,0,11,33,Not Found +Enemy (with JID) - from the series Arcane League of Legends,"Imagine Dragons, League of Legends, JID, Arcane",4,2021,9,3,6180,7,1223481149,122,88,580,21,10,77,B,Minor,72,59,76,24,0,42,28,https://i.scdn.co/image/ab67616d0000b273fc915b69600dce2991a61f13 +Revenge,XXXTENTACION,1,2017,8,25,3600,11,1022258230,7,0,203,0,2,140,B,Minor,75,18,25,78,0,11,26,https://i.scdn.co/image/ab67616d0000b273203c89bd4391468eea4cc3f5 +Bombonzinho - Ao Vivo,"Israel & Rodolffo, Ana Castela",2,2022,11,3,1254,6,263453310,26,69,73,2,6,158,C#,Major,65,72,95,31,0,92,5,https://i.scdn.co/image/ab67616d0000b2736ccbcc3358d31dcba6e7c035 +LA CANCI�,"J Balvin, Bad Bunny",2,2019,6,28,6398,31,1435127549,177,109,305,3,5,176,G,Major,75,43,65,15,0,11,32,Not Found +Qu�� Ago,"Yuridia, Angela Aguilar",2,2022,10,20,660,15,236857112,19,59,18,5,52,98,B,Major,73,88,57,56,0,5,2,Not Found +Love Again,The Kid Laroi,1,2023,1,27,1283,0,147538971,57,4,48,0,0,107,B,Minor,66,47,40,72,0,11,3,https://i.scdn.co/image/ab67616d0000b273a53643fc03785efb9926443d +After Hours,The Weeknd,1,2020,2,19,8084,6,698086140,45,115,218,1,221,109,F,Minor,66,16,57,10,1,12,3,https://i.scdn.co/image/ab67616d0000b27360884bc925e0ca47e8006996 +About Damn Time,Lizzo,1,2022,7,15,2332,2,723894473,0,0,25,0,0,109,A#,Minor,84,72,74,10,0,34,7,https://i.scdn.co/image/ab67616d0000b273b817e721691aff3d67f26c04 +Born With A Beer In My Hand,Morgan Wallen,1,2023,3,3,203,0,34450974,5,9,0,0,0,148,,Major,53,61,81,5,0,36,4,https://i.scdn.co/image/ab67616d0000b273705079df9a25a28b452c1fc9 +ýýýýýýýýýýýýýýýýýýýýý,Fujii Kaze,1,2020,5,20,685,14,403097450,24,94,9,0,23,158,F#,Minor,60,52,76,17,0,19,5,Not Found +Besos Moja2,"Wisin & Yandel, ROSAL�",2,2022,9,29,2460,13,309483971,53,7,56,3,1,94,F,Minor,74,64,73,6,0,10,6,https://i.scdn.co/image/ab67616d0000b2739f05bb270f81880fd844aae8 +Maan Meri Jaan,King,1,2022,10,12,288,6,319566866,11,80,1,0,8,96,F#,Minor,70,40,51,35,0,10,4,https://i.scdn.co/image/ab67616d0000b27337f65266754703fd20d29854 +Moscow Mule,Bad Bunny,1,2022,5,6,4572,33,909001996,74,113,85,9,2,100,F,Minor,80,29,67,29,0,12,3,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +My Universe,"Coldplay, BTS",2,2021,9,24,6127,13,1061966512,0,0,0,0,0,105,A,Major,58,42,68,1,0,14,4,https://i.scdn.co/image/ab67616d0000b273f60a9b7e2abafc38da31f575 +Devil Don���,Morgan Wallen,1,2023,3,3,166,0,32526947,2,10,0,0,0,125,,Major,53,32,66,38,0,9,3,Not Found +LLYLM,ROSAL�,1,2023,1,27,1838,0,124988687,105,41,114,1,59,170,F#,Minor,56,56,63,13,0,19,27,https://i.scdn.co/image/ab67616d0000b273b175e5feb05c6c28cc08ab62 +I'm Not Here To Make Friends,"Sam Smith, Calvin Harris, Jessie Reyez",3,2023,1,27,1890,0,103787664,86,1,49,0,9,115,,Major,70,84,90,17,0,41,6,Not Found +TRUSTFALL,P!nk,1,2023,1,27,2098,16,134255790,88,24,101,7,451,122,G#,Major,64,25,89,0,0,15,9,https://i.scdn.co/image/ab67616d0000b27302f93e92bdd5b3793eb688c0 +ANTIFRAGILE,LE SSERAFIM,1,2022,10,17,761,12,301051721,23,95,11,0,3,105,A#,Minor,88,82,80,8,0,11,8,https://i.scdn.co/image/ab67616d0000b273a991995542d50a691b9ae5be +Boy's a liar,PinkPantheress,1,2022,11,30,1225,0,156338624,27,0,28,13,0,133,F,Major,66,74,84,25,0,21,4,https://i.scdn.co/image/ab67616d0000b27342c5ba689b2e7cbc208a8fa7 +VIBE (feat. Jimin of BTS),"TAEYANG, Jimin",2,2023,1,13,415,2,152850295,15,40,21,1,15,100,,Major,79,60,68,7,0,26,4,https://i.scdn.co/image/ab67616d0000b27346313223adf2b6d726388328 +Shirt,SZA,1,2022,10,28,3469,0,309653982,71,95,31,0,2,120,D#,Minor,82,55,45,15,3,9,10,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Lift Me Up - From Black Panther: Wakanda Forever - Music From and Inspired By,Rihanna,1,2022,10,28,3311,0,297328960,129,31,212,1,41,177,A,Major,25,17,30,90,0,13,3,https://i.scdn.co/image/ab67616d0000b273a790c56cff6e3463bf9935cb +STAR WALKIN' (League of Legends Worlds Anthem),Lil Nas X,1,2022,9,22,2616,0,332506354,113,17,208,0,192,142,D,Minor,64,31,72,15,0,9,5,https://i.scdn.co/image/ab67616d0000b27304cd9a1664fb4539a55643fe +"Sex, Drugs, Etc.",Beach Weather,1,2016,11,4,3006,16,480507035,47,60,87,12,124,144,E,Minor,57,47,84,1,1,52,4,https://i.scdn.co/image/ab67616d0000b273a03e3d24ccee1c370899c342 +Boy With Luv (feat. Halsey),"Halsey, BTS",2,2019,4,12,4260,0,1065580332,113,92,259,0,1,120,B,Minor,65,80,86,9,0,19,10,Not Found +"Hey, Mickey!",Baby Tate,1,2016,9,27,482,0,122763672,9,1,12,4,3,135,D,Major,92,73,51,55,0,15,6,https://i.scdn.co/image/ab67616d0000b2732571034f34b381958f8cc727 +Calm Down,R�ï,1,2022,2,9,4013,10,445763624,107,44,750,22,,107,B,Major,81,82,78,38,0,12,4,Not Found +Jhoome Jo Pathaan,"Arijit Singh, Vishal Dadlani, Sukriti Kakar, Vishal-Shekhar, Shekhar Ravjiani, Kumaar",6,2022,12,22,138,4,1365184,13,78,2,0,0,105,G,Major,82,62,74,10,0,33,7,Not Found +Escapism. - Sped Up,"RAYE, 070 Shake",2,2022,11,25,1368,0,184308753,12,1,11,0,8,108,F#,Minor,44,38,77,9,0,9,20,https://i.scdn.co/image/ab67616d0000b273e38f6d02f1e76fe09009e64e +Space Song,Beach House,1,2015,1,1,17852,4,789753877,69,76,335,0,,147,,Minor,51,62,79,22,13,14,3,https://i.scdn.co/image/ab67616d0000b2739b7190e673e46271b2754aab +Dreamers [Music from the FIFA World Cup Qatar 2022 Official Soundtrack],"BTS, Jung Kook, FIFA Sound",3,2022,11,20,889,20,323358833,11,78,35,0,21,115,,Major,71,34,88,16,0,44,4,Not Found +Te Felicito,"Shakira, Rauw Alejandro",2,2022,4,21,4796,9,606361689,124,66,212,13,1,174,F,Major,70,57,64,23,0,8,32,https://i.scdn.co/image/ab67616d0000b2739a9716c90ceeb1890921e44f +Mu��,"Steve Aoki, Tini, La Joaqui",3,2023,1,12,658,6,120972253,33,7,53,2,0,90,A#,Minor,68,83,71,3,0,31,8,Not Found +TV,Billie Eilish,1,2022,7,21,3009,2,338564981,68,89,65,0,25,141,E,Minor,41,9,25,84,1,14,4,https://i.scdn.co/image/ab67616d0000b2737a4781629469bb83356cd318 +I'm Not The Only One,Sam Smith,1,2014,1,1,17492,3,1606986953,136,24,"1,959",0,30,82,F,Major,68,50,49,56,0,8,4,Not Found +Heather,Conan Gray,1,2020,3,20,6170,7,1301799902,82,1,231,0,2,92,F,Major,47,25,43,62,0,32,3,https://i.scdn.co/image/ab67616d0000b27388e3cda6d29b2552d4d6bc43 +"Besharam Rang (From ""Pathaan"")","Vishal-Shekhar, Shilpa Rao, Caralisa Monteiro, Kumaar, Vishal Dadlani, Shekhar Ravjiani",6,2022,12,12,130,4,140187018,21,79,2,0,0,116,G#,Minor,77,65,80,6,0,15,4,Not Found +One Kiss (with Dua Lipa),"Calvin Harris, Dua Lipa",2,2017,6,2,27705,10,1897517891,537,122,"2,726",6,,124,A,Minor,79,59,86,4,0,8,11,https://i.scdn.co/image/ab67616d0000b273d09f96d82310d4d77c14c108 +Sugar Rush Ride,TOMORROW X TOGETHER,1,2023,1,27,359,0,107642809,12,56,13,0,13,125,A#,Minor,71,83,89,1,0,17,9,https://i.scdn.co/image/ab67616d0000b2733bb056e3160b85ee86c1194d +Pink Venom,BLACKPINK,1,2022,8,19,1963,16,551305895,57,119,77,1,13,90,,Major,80,71,69,2,0,27,10,https://i.scdn.co/image/ab67616d0000b273002ef53878df1b4e91c15406 +WAIT FOR U (feat. Drake & Tems),"Drake, Future, Tems",3,2022,4,27,5491,14,556585270,128,84,75,0,35,83,C#,Major,46,34,64,31,0,7,34,https://i.scdn.co/image/ab67616d0000b27386badd635b69aea887862214 +Don't Start Now,Dua Lipa,1,2019,10,31,27119,0,2303033973,532,77,"1,535",3,8,124,B,Minor,79,68,79,1,0,10,8,https://i.scdn.co/image/ab67616d0000b27368cd91e1d8cbabf23d332041 +After Dark,Mr.Kitty,1,2014,8,8,1776,14,646886885,1,9,3,0,0,140,G#,Major,58,4,60,7,41,8,3,https://i.scdn.co/image/ab67616d0000b273b492477206075438e0751176 +Eu Gosto Assim - Ao Vivo,"Gustavo Mioto, Mari Fernandez",2,2022,9,16,1473,4,222612678,27,64,66,1,4,154,,Major,64,61,91,15,0,72,4,https://i.scdn.co/image/ab67616d0000b27319bb2fb697a42c1084d71f6c +INDUSTRY BABY (feat. Jack Harlow),"Jack Harlow, Lil Nas X",2,2021,7,23,13315,0,1814349763,300,47,690,0,,150,D#,Minor,74,89,70,2,0,5,6,Not Found +MIDDLE OF THE NIGHT,Elley Duhï¿,1,2020,1,10,4057,8,872137015,78,21,240,1,52,186,E,Minor,41,9,61,2,0,12,5,Not Found +Atlantis,Seafret,1,2015,4,22,3045,6,571386359,43,53,134,1,32,166,G#,Minor,40,23,48,5,0,12,3,https://i.scdn.co/image/ab67616d0000b2738c33272a7c77042f5eb39d75 +PUNTO 40,"Baby Rasta, Rauw Alejandro",2,2022,9,22,3006,12,304079786,54,32,66,2,0,107,,Major,87,20,83,0,4,31,9,Not Found +Evoque Prata,"DJ Escobar, MC MENOR SG, MC MENOR HR",3,2022,9,9,852,0,174006928,14,1,50,0,0,87,G,Major,87,52,52,31,0,28,24,https://i.scdn.co/image/ab67616d0000b273769f6572dfa10ee7827edbf2 +How Do I Say Goodbye,Dean Lewis,1,2022,8,5,2163,15,284785823,72,97,58,0,154,82,G#,Major,40,39,64,21,0,7,7,https://i.scdn.co/image/ab67616d0000b273bfedccaca3c8425fdc0a7c73 +Blind,SZA,1,2022,12,9,1484,0,163284000,22,51,12,0,0,114,A,Minor,46,60,28,91,0,21,4,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Die For You,Joji,1,2022,11,4,1703,0,246390068,38,45,36,16,0,148,G#,Major,47,15,52,38,13,29,5,https://i.scdn.co/image/ab67616d0000b273eaac2a7955f5b8967991cacb +Doja,Central Cee,1,2022,7,20,4169,44,482257456,57,44,183,1,11,140,F#,Major,91,97,57,38,0,40,29,https://i.scdn.co/image/ab67616d0000b2733c7d945b6baf935e8a0ebdaa +Gatita,Bellakath,1,2022,10,3,1054,0,168684524,9,0,15,0,1,101,G,Major,90,76,81,15,24,33,6,https://i.scdn.co/image/ab67616d0000b273070c919f062e9fbfc03ca16b +Rumble,"Skrillex, Flowdan, Fred again..",3,2022,1,17,2849,0,78489819,39,45,27,0,1,140,C#,Minor,81,6,84,5,23,6,6,https://i.scdn.co/image/ab67616d0000b273352f154c54727bc8024629bc +Niagara Falls (Foot or 2) [with Travis Scott & 21 Savage],"Travis Scott, 21 Savage, Metro Boomin",3,2022,12,2,1602,0,195516622,12,22,12,0,2,88,G,Minor,49,24,66,19,0,18,29,https://i.scdn.co/image/ab67616d0000b27313e54d6687e65678d60466c2 +Yonaguni,Bad Bunny,1,2021,6,4,9644,28,1260594497,120,86,164,4,0,180,C#,Major,64,44,65,28,0,14,12,https://i.scdn.co/image/ab67616d0000b27364afd6879102d03460bd3ad9 +Super Freaky Girl,Nicki Minaj,1,2022,8,12,4827,0,428685680,104,17,76,9,2,133,D,Major,95,91,89,6,0,31,24,https://i.scdn.co/image/ab67616d0000b273c2b3ab9829aefad24fa2c1bc +Running Up That Hill (A Deal With God),Kate Bush,1,1985,9,16,21811,0,1024858327,117,1,676,3,0,108,A#,Minor,63,20,55,72,0,6,6,https://i.scdn.co/image/ab67616d0000b273ad08f4b38efbff0c0da0f252 +Dream On,Aerosmith,1,1973,1,5,168,0,838586769,0,0,5,0,0,80,F,Minor,39,24,43,39,0,23,3,https://i.scdn.co/image/ab67616d0000b273bbf0146981704a073405b6c2 +Limbo,Freddie Dredd,1,2022,8,11,688,0,199386237,14,1,17,0,2,75,B,Minor,80,46,62,3,6,11,46,https://i.scdn.co/image/ab67616d0000b27369b381d574b329409bd806e6 +Where Are You Now,"Lost Frequencies, Calum Scott",2,2021,7,30,10565,44,972509632,238,122,557,17,58,121,F#,Minor,67,26,64,52,0,17,10,https://i.scdn.co/image/ab67616d0000b2738d7a7f1855b04104ba59c18b +WORTH NOTHING,"Twisted, Oliver Tree",2,2022,9,28,1612,0,213438580,34,54,34,0,2,140,D,Minor,58,17,62,18,0,20,8,https://i.scdn.co/image/ab67616d0000b273f5e2ffd88f07e55f34c361c8 +Bad Habits,Ed Sheeran,1,2020,9,3,12755,8,1555511105,344,97,945,15,,126,B,Minor,81,59,90,5,0,36,3,https://i.scdn.co/image/ab67616d0000b273ef24c3fdbf856340d55cfeb2 +KICK BACK,Kenshi Yonezu,1,2022,10,12,574,4,210038833,38,101,26,0,0,102,C#,Major,58,29,94,0,0,9,11,https://i.scdn.co/image/ab67616d0000b273303d8545fce8302841c39859 +Evergreen (You Didn���t Deserve Me A,Omar Apollo,1,2022,4,8,2499,0,227918678,70,0,49,0,0,82,A,Major,70,31,34,60,1,11,4,Not Found +Good Days,SZA,1,2020,12,24,10426,2,826623384,133,109,182,1,10,121,C#,Minor,46,53,78,23,0,72,6,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Levitating (feat. DaBaby),"Dua Lipa, DaBaby",2,2020,3,27,15894,8,1802514301,198,13,544,0,60,103,F#,Minor,70,92,83,1,0,7,6,https://i.scdn.co/image/ab67616d0000b273d4daf28d55fe4197ede848be +Woman,Doja Cat,1,2021,6,25,9424,0,1329090101,202,50,463,4,,108,F,Minor,82,88,76,9,0,12,9,https://i.scdn.co/image/ab67616d0000b273be841ba4bc24340152e3a79a +Shut up My Moms Calling - (Sped Up),Hotel Ugly,1,2022,9,14,713,7,181831132,2,4,6,0,0,85,F,Minor,65,36,47,31,0,12,10,https://i.scdn.co/image/ab67616d0000b2737437083c2521a8c077b9cfd7 +Ferrari,"James Hype, Miggy Dela Rosa",2,2022,3,14,7758,28,462791599,173,79,175,0,168,125,C#,Minor,84,70,69,1,0,5,5,https://i.scdn.co/image/ab67616d0000b2736cc861b5c9c7cdef61b010b4 +"You're On Your Own, Kid",Taylor Swift,1,2022,10,21,2537,2,348647203,8,18,20,0,1,120,D,Major,69,40,39,41,0,13,6,https://i.scdn.co/image/ab67616d0000b2737dca066ca62e4ebb583b8058 +"Kesariya (From ""Brahmastra"")","Pritam, Arijit Singh, Amitabh Bhattacharya",3,2022,7,17,292,6,366599607,26,98,4,0,0,94,,Major,58,44,57,57,0,10,3,Not Found +Agudo M��gi,"Styrx, utku INC, Thezth",3,1930,1,1,323,0,90598517,4,0,14,0,0,130,F#,Minor,65,49,80,22,4,7,5,Not Found +Payphone,"Maroon 5, Wiz Khalifa",2,2012,1,1,14143,4,1479264469,56,38,"1,891",1,,110,E,Major,74,51,74,2,0,29,4,https://i.scdn.co/image/ab67616d0000b273ce7d499847da02a9cbd1c084 +All I Want for Christmas Is You,Mariah Carey,1,1994,10,28,25653,0,1449779435,387,132,"2,094",0,,150,G,Major,34,33,63,16,0,7,4,https://i.scdn.co/image/ab67616d0000b2734246e3158421f5abb75abc4f +Last Christmas,Wham!,1,1984,1,1,22153,0,1159176109,274,111,"1,302",0,,107,B,Minor,74,88,65,28,0,46,3,https://i.scdn.co/image/ab67616d0000b273f2d2adaa21ad616df6241e7d +Rockin' Around The Christmas Tree,Brenda Lee,1,1958,1,1,14994,0,769213520,191,168,206,0,,140,G#,Major,70,85,41,71,0,45,5,https://i.scdn.co/image/ab67616d0000b2737845f74d6db14b400fa61cd3 +Jingle Bell Rock,Bobby Helms,1,1957,1,1,10326,0,741301563,165,99,104,0,,119,D,Major,74,78,37,84,0,6,3,https://i.scdn.co/image/ab67616d0000b273fd56f3c7a294f5cfe51c7b17 +It's Beginning To Look A Lot Like Christmas,Michael Bublï¿,1,2011,10,14,12353,0,807561936,35,0,549,0,0,93,E,Major,35,38,23,91,0,29,3,Not Found +Santa Tell Me,Ariana Grande,1,2013,12,13,9408,0,834129063,231,106,439,0,,133,G,Major,46,53,63,5,0,30,18,https://i.scdn.co/image/ab67616d0000b273fb704b7e832b40f08c14629c +It's the Most Wonderful Time of the Year,Andy Williams,1,1963,10,14,8879,0,663832097,182,107,160,0,1,202,G,Major,24,76,60,77,0,12,4,https://i.scdn.co/image/ab67616d0000b27398073965947f92f1641b8356 +Let It Snow! Let It Snow! Let It Snow!,Dean Martin,1,1959,11,16,6512,0,446390129,88,1,277,0,0,134,C#,Major,45,72,24,91,0,18,4,https://i.scdn.co/image/ab67616d0000b273e359bd02a639a4d01b8241ae +Snowman,Sia,1,2017,1,1,5140,0,690104769,85,110,500,0,,105,C#,Major,72,33,51,48,0,9,3,https://i.scdn.co/image/ab67616d0000b273d1410c1372fab1e516328fa8 +Underneath the Tree,Kelly Clarkson,1,2013,10,25,6596,0,485285717,144,99,251,0,0,160,G#,Major,51,69,81,0,0,21,5,https://i.scdn.co/image/ab67616d0000b273f54a315f1d2445791fe601a7 +Feliz Navidad,Jos�� Felic,1,1970,11,1,3788,0,520034544,21,3,10,0,0,148,D,Major,50,96,82,47,0,34,4,Not Found +Holly Jolly Christmas,Michael Bublï¿,1,2011,10,14,7655,0,476244795,5,0,291,0,0,151,G,Major,65,70,47,87,0,9,4,Not Found +Mistletoe,Justin Bieber,1,2011,1,1,9577,0,629173063,195,111,310,0,0,162,F#,Minor,67,88,54,51,0,9,4,https://i.scdn.co/image/ab67616d0000b273490aa128e07cd31504ae8f86 +Sleigh Ride,The Ronettes,1,1963,11,22,10114,0,404664135,114,74,262,0,0,92,D,Major,53,84,77,40,0,32,3,https://i.scdn.co/image/ab67616d0000b273adad4220d51bd720481d4be4 +Seek & Destroy,SZA,1,2022,12,9,1007,0,98709329,5,31,1,0,0,152,C#,Major,65,35,65,44,18,21,7,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Love Language,SZA,1,2022,12,9,1127,0,110849052,16,63,8,0,0,65,A,Minor,71,55,26,85,0,13,8,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Happy Xmas (War Is Over),"John Lennon, The Harlem Community Choir, The Plastic Ono Band, Yoko Ono",4,1971,12,1,10829,0,460492795,130,1,390,0,0,147,D,Major,33,39,61,32,0,77,3,https://i.scdn.co/image/ab67616d0000b273c63204be472d8bb88c41051d +Used (feat. Don Toliver),"SZA, Don Toliver",2,2022,12,8,1042,0,94005786,7,29,3,0,0,150,A#,Minor,73,71,69,53,0,32,9,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +A Holly Jolly Christmas - Single Version,Burl Ives,1,1952,1,1,7930,0,395591396,108,120,73,0,0,140,,Major,67,81,36,64,0,15,3,https://i.scdn.co/image/ab67616d0000b273b9b921f8a3b8f0b20f73cb98 +The Christmas Song (Merry Christmas To You) - Remastered 1999,Nat King Cole,1,1946,11,1,11500,0,389771964,140,72,251,0,0,139,C#,Major,36,22,15,84,0,11,4,https://i.scdn.co/image/ab67616d0000b273e02cc6524dcecb6608fee0b3 +Wonderful Christmastime - Edited Version / Remastered 2011,Paul McCartney,1,1979,11,16,1685,0,403939487,1,0,29,0,0,95,B,Major,75,74,58,36,0,9,3,https://i.scdn.co/image/ab67616d0000b2733cef016d13d82873d45af84a +Do They Know It's Christmas? - 1984 Version,Band Aid,1,1984,11,25,14169,0,481697415,209,30,449,0,0,115,,Major,60,23,57,0,2,27,3,https://i.scdn.co/image/ab67616d0000b273d549b09f0264901929eaa6e8 +Ghost in the Machine (feat. Phoebe Bridgers),"SZA, Phoebe Bridgers",2,2022,12,9,1634,0,110073250,16,20,4,0,0,125,F#,Major,62,59,43,84,3,11,5,Not Found +Special,SZA,1,2022,12,9,906,0,88092256,6,21,3,0,0,76,,Major,60,19,20,78,0,11,5,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Merry Christmas Everyone,Shakin' Stevens,1,1984,1,1,1087,0,351636786,90,35,5,0,0,101,C#,Minor,72,91,87,14,0,13,3,https://i.scdn.co/image/ab67616d0000b273d962f3b4235f8c6429a829fb +Let It Snow! Let It Snow! Let It Snow!,"Frank Sinatra, B. Swanson Quartet",2,1950,1,1,10585,0,473248298,126,108,406,0,0,143,D,Major,60,86,32,88,0,34,6,https://i.scdn.co/image/ab67616d0000b273df1066335619efa75889bcfc +SOS,SZA,1,2022,12,9,827,0,73981293,6,18,1,0,0,119,G,Minor,51,51,66,67,0,9,23,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Open Arms (feat. Travis Scott),"SZA, Travis Scott",2,2022,12,8,1420,4,155653938,13,87,17,0,46,78,A,Major,67,22,59,76,1,15,16,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +White Christmas,"Bing Crosby, John Scott Trotter & His Orchestra, Ken Darby Singers",3,1942,1,1,11940,0,395591396,73,79,123,0,0,96,A,Major,23,19,25,91,0,40,3,https://i.scdn.co/image/ab67616d0000b273481bb0db1e8bd0c7104368a4 +Driving Home for Christmas - 2019 Remaster,Chris Rea,1,1986,1,1,888,0,429504768,50,0,6,0,0,180,A,Major,51,87,58,36,0,18,4,https://i.scdn.co/image/ab67616d0000b273d8a8b34740a0289f7427b36a +Christmas (Baby Please Come Home),Darlene Love,1,1963,11,22,9122,0,242767149,121,58,212,0,0,126,D#,Major,34,35,76,39,0,8,5,https://i.scdn.co/image/ab67616d0000b273adad4220d51bd720481d4be4 +Gone Girl,SZA,1,2022,12,9,892,0,65362788,3,17,2,0,0,150,F,Major,43,42,44,57,0,15,6,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +F2F,SZA,1,2022,12,9,989,0,67540165,5,9,1,0,0,90,D,Major,53,47,74,9,0,34,4,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Notice Me,SZA,1,2022,12,9,819,0,62019074,14,22,0,0,0,160,F,Major,72,78,68,28,0,11,12,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Merry Christmas,"Ed Sheeran, Elton John",2,2017,11,10,2209,0,135723538,72,90,141,0,0,114,,Major,59,60,94,24,0,10,4,https://i.scdn.co/image/ab67616d0000b273d8db7e7b7d4c1e90cd18ca3a +It's Beginning to Look a Lot Like Christmas (with Mitchell Ayres & His Orchestra),"Perry Como, The Fontane Sisters, Mitchell Ayres & His Orchestra",3,1958,1,1,6290,0,295998468,89,39,158,0,0,113,G,Major,73,72,32,77,0,15,5,Not Found +My Only Wish (This Year),Britney Spears,1,2000,11,7,6952,0,261116938,115,53,286,0,0,147,,Major,67,69,72,17,0,19,3,https://i.scdn.co/image/ab67616d0000b27316ed688a08ecd351560f4566 +Antidepresan,"Mabel Matiz, Mert Demir",2,2022,11,4,313,2,136689549,10,6,7,1,9,100,B,Minor,70,92,59,3,0,10,3,Not Found +Wild Flower (with youjeen),RM,1,2022,12,2,353,2,135611421,2,74,14,0,2,155,G#,Major,49,42,77,3,0,12,9,https://i.scdn.co/image/ab67616d0000b273fa60e8a8d5ca09efc6098175 +I Hate U,SZA,1,2021,12,3,4094,0,356709897,66,96,43,0,0,107,G,Minor,54,41,39,51,0,11,16,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Raindrops (Insane) [with Travis Scott],"Travis Scott, Metro Boomin",2,2022,12,2,880,0,110649992,3,7,10,0,0,112,G#,Major,80,15,54,9,0,38,5,Not Found +SPIT IN MY FACE!,ThxSoMch,1,2022,10,31,573,0,301869854,1,0,18,0,24,166,C#,Major,70,57,57,9,20,11,7,https://i.scdn.co/image/ab67616d0000b27360ddc59c8d590a37cf2348f3 +Deck The Hall - Remastered 1999,Nat King Cole,1,1959,1,1,3299,0,127027715,65,39,41,0,0,107,F#,Minor,69,96,36,81,0,8,4,https://i.scdn.co/image/ab67616d0000b273e506bca2ef0760607289c9a9 +Smoking on my Ex Pack,SZA,1,2022,12,9,811,0,57144458,6,11,3,0,0,81,G#,Major,47,33,68,24,0,22,38,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Conceited,SZA,1,2022,12,9,899,0,56870689,2,14,2,0,0,150,C#,Major,79,77,46,5,0,11,7,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Snow On The Beach (feat. Lana Del Rey),"Taylor Swift, Lana Del Rey",2,2022,10,21,2415,0,323437194,33,57,30,0,11,110,A,Major,66,19,32,69,0,12,4,https://i.scdn.co/image/ab67616d0000b273fa747621a53c8e2cc436dee0 +Maroon,Taylor Swift,1,2022,10,21,2304,0,317726339,12,16,14,0,0,108,G,Major,64,4,40,6,0,10,6,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +Tubar��o Te,"Dj LK da Esc��cia, Tchakabum, mc jhenny, M",4,2022,9,28,1003,0,116144341,21,0,44,0,0,130,E,Minor,89,48,74,30,0,7,36,Not Found +Bejeweled,Taylor Swift,1,2022,10,21,2699,0,328207708,39,35,22,2,0,164,G,Major,70,39,56,6,0,9,7,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +Tarot,"Bad Bunny, Jhay Cortez",2,2022,5,6,2482,20,608228647,27,77,22,2,0,114,B,Minor,80,42,68,2,0,66,4,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +You Make It Feel Like Christmas (feat. Blake Shelton),"Gwen Stefani, Blake Shelton",2,2005,9,20,2577,0,180577478,108,56,30,0,0,93,F,Major,63,93,88,1,0,12,4,https://i.scdn.co/image/ab67616d0000b273f1ead165a7504b97e66ea7c4 +Desesperados,"Chencho Corleone, Rauw Alejandro",2,2021,6,25,6821,34,809306935,83,58,128,7,0,90,C#,Minor,87,51,69,36,0,9,8,Not Found +Too Late,SZA,1,2022,12,8,714,0,49262961,0,9,2,0,0,128,B,Major,45,35,68,78,0,39,8,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +Party,"Bad Bunny, Rauw Alejandro",2,2022,5,6,3185,4,614555082,38,64,37,3,36,97,A,Major,83,47,80,2,0,24,9,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +Run Rudolph Run - Single Version,Chuck Berry,1,1958,1,1,8612,0,245350949,120,30,52,0,1,152,G,Minor,69,94,71,79,0,7,8,https://i.scdn.co/image/ab67616d0000b27393cc654759c909d4c1123739 +Jingle Bells - Remastered 1999,Frank Sinatra,1,1957,1,1,4326,0,178660459,32,3,65,0,0,175,G#,Major,51,94,34,73,0,10,5,https://i.scdn.co/image/ab67616d0000b27352693de430023c13b7976490 +Far,SZA,1,2022,12,9,680,0,51641685,2,15,1,0,0,116,D,Major,61,48,55,67,0,16,8,https://i.scdn.co/image/ab67616d0000b27370dbc9f47669d120ad874ec1 +On Time (with John Legend),"John Legend, Metro Boomin",2,2022,12,2,398,0,78139948,2,2,6,0,2,80,F,Minor,33,51,59,76,0,44,6,Not Found +GAT��,"Maldy, Karol G",2,2022,8,25,3328,13,322336177,39,50,57,3,1,93,B,Minor,63,34,86,26,0,21,39,Not Found +ýýýabcdefu,Gayle,1,2021,8,13,7215,0,1007612429,170,12,575,18,,122,E,Major,70,42,54,30,0,37,5,Not Found +Sacrifice,The Weeknd,1,2022,1,7,4440,0,326792833,81,77,133,0,,122,G,Major,70,91,79,3,0,7,10,https://i.scdn.co/image/ab67616d0000b2731c7942eac1aece801758fccf +Is There Someone Else?,The Weeknd,1,2022,1,7,2881,6,391251368,13,89,34,0,3,135,A,Minor,70,60,58,4,0,16,3,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Fingers Crossed,"Lauren Spencer Smith, Lauren Spencer Smith, Lauren Spencer Smith",3,2022,1,5,2235,0,349585590,65,7,70,16,6,109,F,Major,60,45,47,62,0,31,5,https://i.scdn.co/image/ab67616d0000b273270a1c7644ec5a23c7d05272 +Out of Time,The Weeknd,1,2022,1,7,3711,0,339659802,49,88,62,0,,93,,Minor,65,82,74,27,0,32,5,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Do It To It,"Cherish, ACRAZE",2,2021,8,20,12403,0,674772936,183,63,465,0,11,125,B,Minor,85,64,81,2,5,7,9,Not Found +We Don't Talk About Bruno,"Adassa, Mauro Castillo, Stephanie Beatriz, Encanto - Cast, Rhenzy Feliz, Diane Guerrero, Carolina Gaitan",7,2021,11,19,2785,0,432719968,95,89,44,0,,206,,Minor,58,83,45,36,0,11,8,Not Found +Pepas,Farruko,1,2021,6,24,14114,17,1309887447,252,109,965,20,,130,G,Major,76,44,77,1,0,13,3,https://i.scdn.co/image/ab67616d0000b2734239a6aa89738d8f798168ad +How Do I Make You Love Me?,The Weeknd,1,2022,1,7,1915,0,119238316,7,47,15,0,0,121,G,Minor,80,62,51,2,0,9,8,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Gasoline,The Weeknd,1,2022,1,7,2297,0,116903579,11,29,14,0,0,123,F#,Minor,74,35,73,0,0,21,5,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Infinity,Jaymes Young,1,2017,6,23,4375,0,888046992,24,0,396,0,0,122,B,Minor,67,50,67,15,0,30,4,https://i.scdn.co/image/ab67616d0000b273a9897f65d1ead1be10a51e3f +Less Than Zero,The Weeknd,1,2022,1,7,2800,0,200660871,18,77,61,0,1,143,,Major,53,50,79,0,0,8,3,https://i.scdn.co/image/ab67616d0000b273b3a6d0134f197bce863369a6 +Take My Breath,The Weeknd,1,2021,8,6,2597,0,130655803,17,80,38,0,0,121,A#,Minor,70,35,77,1,0,26,4,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +good 4 u,Olivia Rodrigo,1,2021,5,14,15563,6,1887039593,259,55,461,1,,166,F#,Minor,56,68,66,28,0,11,18,https://i.scdn.co/image/ab67616d0000b273a91c10fe9472d9bd89802e5a +"Here We Go��� Again (feat. Tyler, the Cr","The Weeknd, Tyler, The Creator",3,2022,1,7,1420,0,88103848,7,18,7,0,0,135,C#,Major,41,27,64,36,0,60,3,Not Found +Best Friends,The Weeknd,1,2022,1,7,1292,0,101114984,3,18,14,0,0,87,E,Minor,49,49,59,44,0,35,21,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Kiss Me More (feat. SZA),"SZA, Doja Cat",2,2021,4,9,15867,0,1575467011,382,65,497,0,12,111,G#,Major,77,74,66,30,0,13,3,Not Found +I Heard You're Married (feat. Lil Wayne),"The Weeknd, Lil Wayne",2,2022,1,7,1178,0,91656026,9,10,9,0,0,110,D,Major,75,85,84,10,0,31,19,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Need To Know,Doja Cat,1,2021,6,11,6672,0,1042568408,125,36,150,0,,130,C#,Major,66,19,61,30,0,9,7,https://i.scdn.co/image/ab67616d0000b273be841ba4bc24340152e3a79a +MONTERO (Call Me By Your Name),Lil Nas X,1,2020,9,18,12329,0,1735441776,275,19,738,0,,179,G#,Minor,61,76,51,30,0,38,15,https://i.scdn.co/image/ab67616d0000b273be82673b5f79d9658ec0a9fd +love nwantiti (ah ah ah),Ckay,1,2019,7,26,5669,2,726837877,74,0,262,14,,93,F,Minor,74,53,73,61,0,13,4,https://i.scdn.co/image/ab67616d0000b273405fdad252857e01dbced96a +Dawn FM,The Weeknd,1,2022,1,7,811,0,53933526,1,8,6,0,0,78,A,Minor,27,10,49,62,0,49,5,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Surface Pressure,Jessica Darrow,1,2021,11,19,1756,0,267758538,38,48,20,0,0,180,D,Major,65,37,58,2,0,4,31,https://i.scdn.co/image/ab67616d0000b273e1ac646ed6f25125e2a77229 +Starry Eyes,The Weeknd,1,2022,1,7,1014,0,74601456,1,17,11,0,0,86,A,Minor,28,13,41,50,0,19,3,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +THATS WHAT I WANT,Lil Nas X,1,2021,9,17,7963,0,920797189,173,7,298,0,4,88,C#,Minor,74,55,85,1,0,5,22,https://i.scdn.co/image/ab67616d0000b273be82673b5f79d9658ec0a9fd +One Right Now (with The Weeknd),"The Weeknd, Post Malone",2,2021,11,5,4771,0,539595276,68,18,75,0,1,97,C#,Major,68,72,78,4,0,7,5,Not Found +Beggin,M��ne,1,2017,12,8,8559,0,1367810478,183,64,964,9,75,134,B,Minor,71,59,80,13,0,36,5,Not Found +Mon Amour - Remix,"Aitana, zzoilo",2,2020,9,21,3221,2,578207856,67,13,139,0,40,116,D,Major,75,36,76,12,0,10,10,Not Found +Lo Siento BB:/ (with Bad Bunny & Julieta Venegas),"Julieta Venegas, Bad Bunny, Tainy",3,2021,10,5,3423,26,775542072,61,65,53,6,0,170,E,Minor,64,14,70,9,0,9,8,https://i.scdn.co/image/ab67616d0000b273abe9c2b5f03653d6b87696e6 +MONEY,Lisa,1,2021,9,10,2566,13,863625566,44,109,131,0,,140,C#,Minor,83,40,55,16,0,14,23,https://i.scdn.co/image/ab67616d0000b273330f11fb125bb80b760f9e19 +The Motto,"Ti��sto, Ava",2,2021,11,4,9151,6,656013912,240,107,268,0,5,118,G,Minor,75,46,76,3,0,9,4,Not Found +Happier Than Ever,Billie Eilish,1,2021,7,30,8476,0,1056760045,138,133,283,0,,65,,Major,31,31,24,76,0,14,4,https://i.scdn.co/image/ab67616d0000b2732a038d3bf875d23e4aeaa84e +Moth To A Flame (with The Weeknd),"The Weeknd, Swedish House Mafia",2,2021,10,22,7495,17,611994237,114,172,284,2,,120,,Minor,56,16,67,0,0,11,4,Not Found +traitor,"Juan Cruz Toledo, Huilen Toledo",2,2021,5,21,5257,6,1230855859,85,43,134,0,,176,D#,Major,29,12,33,68,0,12,5,Not Found +Toxic,BoyWithUke,1,2021,9,10,1795,0,582981380,34,23,118,0,,180,G#,Minor,59,69,61,84,0,46,36,https://i.scdn.co/image/ab67616d0000b273ee07023115f822012390d2a0 +drivers license,Olivia Rodrigo,1,2021,1,8,12685,3,1858144199,185,61,485,0,,144,A#,Major,59,21,43,76,0,10,7,https://i.scdn.co/image/ab67616d0000b273a91c10fe9472d9bd89802e5a +Malvad�ï¿,"Xam��, Gustah, Neo B",3,2021,11,30,648,1,240684449,14,3,81,0,0,133,F#,Minor,82,52,61,38,0,14,27,Not Found +All Too Well (10 Minute Version) (Taylor's Version) (From The Vault),Taylor Swift,1,2021,11,12,4635,5,583687007,50,49,30,1,2,93,,Major,63,21,52,28,0,9,3,https://i.scdn.co/image/ab67616d0000b273318443aab3531a0558e79a4d +Don���t Break My,The Weeknd,1,2022,1,7,1184,0,63803529,1,5,6,0,0,122,A#,Major,77,25,62,34,0,23,3,Not Found +Oh My God,Adele,1,2021,11,19,4431,0,466214729,105,7,199,0,0,88,C#,Major,53,55,73,9,0,3,5,https://i.scdn.co/image/ab67616d0000b273c6b577e4c4a6d326354a89f7 +Entre Nosotros (Remix) [con Nicki Nicole],"Lit Killah, Maria Becerra, Tiago pzk, NICKI NICOLE",4,2022,1,5,759,3,236940480,32,0,12,0,0,170,F,Minor,70,61,44,40,0,37,4,Not Found +A Tale By Quincy,The Weeknd,1,2022,1,7,733,0,41924466,0,2,2,0,0,94,F,Minor,46,55,50,71,0,10,11,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +I AM WOMAN,Emmy Meli,1,2021,11,18,2795,0,225259194,45,0,107,0,0,170,A#,Major,65,46,47,12,0,13,16,https://i.scdn.co/image/ab67616d0000b273d4e10cba96b669683d0f8069 +Medallo,"Justin Quiles, Lenny Tav��rez, BL",3,2021,10,27,2780,2,393230256,54,21,57,1,0,90,E,Minor,79,79,70,57,0,66,8,Not Found +It'll Be Okay,Shawn Mendes,1,2021,12,1,1950,0,287201015,56,8,104,0,10,78,G,Major,40,7,29,62,0,9,3,Not Found +Softcore,The Neighbourhood,1,2018,3,9,3947,12,599770206,33,102,93,0,30,94,D,Major,57,36,58,5,0,15,3,https://i.scdn.co/image/ab67616d0000b2739b6ac98a52f62d5cb473da40 +Super Gremlin,Kodak Black,1,2021,10,30,2551,0,342779426,52,15,35,0,1,73,D,Major,83,11,41,0,0,36,14,https://i.scdn.co/image/ab67616d0000b2735340631eca6f127d094545c9 +Volvï¿,"Aventura, Bad Bunny",2,2021,8,3,5375,10,673801126,138,24,133,0,1,176,C#,Major,73,79,86,42,0,7,18,https://i.scdn.co/image/ab67616d0000b27312bcec4f18ee130369ce170c +Todo De Ti,Rauw Alejandro,1,2020,11,2,11975,8,1168642797,188,75,268,6,16,128,D#,Minor,81,57,63,40,1,10,4,https://i.scdn.co/image/ab67616d0000b2734801828052a610b910cff795 +Love Nwantiti - Remix,"Ckay, AX'EL, Dj Yo!",3,2019,8,30,2696,0,540539717,42,2,57,0,,120,G#,Major,58,44,60,44,9,5,6,https://i.scdn.co/image/ab67616d0000b27339bb326b58346f99b8692745 +Smokin Out The Window,"Bruno Mars, Anderson .Paak, Silk Sonic",3,2021,11,5,4963,0,383550148,63,40,76,0,0,82,D,Major,63,85,62,6,0,35,4,https://i.scdn.co/image/ab67616d0000b273fcf75ead8a32ac0020d2ce86 +Meet Me At Our Spot,"THE ANXIETY, Willow, Tyler Cole",3,2020,3,13,6734,0,530511203,47,14,90,0,1,95,D,Major,77,40,47,2,0,9,3,https://i.scdn.co/image/ab67616d0000b273024ea7e883a713a3ad552a71 +Every Angel is Terrifying,The Weeknd,1,2022,1,7,715,0,37307967,0,1,2,0,0,118,,Major,44,52,94,11,0,4,29,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Tacones Rojos,Sebastian Yatra,1,2021,10,22,3047,9,510876816,77,31,85,5,28,123,B,Minor,75,93,86,8,0,14,3,https://i.scdn.co/image/ab67616d0000b2739f6800546cfaaacb3fa4b145 +Peaches (feat. Daniel Caesar & Giveon),"Justin Bieber, Daniel Caesar, Giveon",3,2021,3,19,14140,0,1445941661,231,52,612,6,,90,,Major,63,49,68,38,0,42,18,https://i.scdn.co/image/ab67616d0000b273e6f407c7f3a0ec98845e4431 +Dakiti,"Bad Bunny, Jhay Cortez",2,2020,10,30,11215,21,1763363713,189,166,525,9,25,110,E,Minor,73,14,57,40,0,11,5,https://i.scdn.co/image/ab67616d0000b27334c8199b0b3b3fb42b8a98a8 +"Tiago PZK: Bzrp Music Sessions, Vol. 48","Bizarrap, Tiago pzk",2,2021,12,29,1678,12,374191487,20,4,15,1,3,96,C#,Minor,66,76,82,47,0,10,32,https://i.scdn.co/image/ab67616d0000b2735bddce84bc8f03ac82c988d4 +L��ï¿,Stromae,1,2022,1,9,2035,0,108809090,41,122,394,0,2,88,D,Minor,56,58,55,35,0,23,11,Not Found +Nost��l,"Chris Brown, Rvssian, Rauw Alejandro",3,2021,9,8,2780,2,436695353,86,76,59,0,16,98,A,Minor,73,60,85,17,0,24,5,Not Found +Better Days (NEIKED x Mae Muller x Polo G),"NEIKED, Mae Muller, Polo G",3,2021,9,24,4091,0,421040617,105,2,73,13,1,110,,Minor,72,67,68,0,0,14,4,https://i.scdn.co/image/ab67616d0000b2736b742298f7f36717855c4caf +Life Goes On,Oliver Tree,1,2020,7,17,2868,0,501541661,43,15,116,0,,80,,Major,70,57,49,19,0,12,8,https://i.scdn.co/image/ab67616d0000b2731c5a484110522f2b9c7038cc +Sad Girlz Luv Money Remix (feat. Kali Uchis),"Kali Uchis, Amaarae, Moliy",3,2021,9,16,3643,0,354065229,69,3,70,0,3,110,C#,Minor,86,31,53,43,0,11,6,Not Found +Butter,BTS,1,2021,5,21,4779,6,1143647827,180,135,223,0,5,110,G#,Major,79,70,36,0,0,6,11,https://i.scdn.co/image/ab67616d0000b27317db30ce3f081d6818a8ad49 +pushin P (feat. Young Thug),"Young Thug, Future, Gunna",3,2022,1,7,3517,0,311395144,54,28,43,0,0,78,C#,Minor,77,49,42,1,1,13,19,Not Found +You Right,"Doja Cat, The Weeknd",2,2021,6,24,5073,0,672656250,83,9,100,0,4,129,G#,Major,83,44,62,2,0,8,6,https://i.scdn.co/image/ab67616d0000b273be841ba4bc24340152e3a79a +deja vu,Olivia Rodrigo,1,2021,4,1,7545,4,1256880657,117,39,141,0,46,181,A,Major,44,22,60,61,0,42,9,https://i.scdn.co/image/ab67616d0000b273a91c10fe9472d9bd89802e5a +Dynamite,BTS,1,2020,8,21,8528,5,1692897992,239,163,583,0,,114,F#,Minor,75,74,77,1,0,9,10,https://i.scdn.co/image/ab67616d0000b273c07d5d2fdc02ae252fcd07e5 +TO THE MOON,Jnr Choi,1,2021,11,5,2979,0,245095641,44,0,159,0,0,144,D,Major,74,39,65,5,1,11,35,https://i.scdn.co/image/ab67616d0000b2739af8418ffb638b3306a07714 +Lost in the Fire,"The Weeknd, Gesaffelstein",2,2019,1,11,7731,2,686734357,110,145,447,0,46,101,D,Major,66,18,68,9,0,12,4,https://i.scdn.co/image/ab67616d0000b273030e6a4145500730450e8794 +Salimo de Noche,"Trueno, Tiago pzk",2,2021,10,21,1057,0,261414174,17,5,21,0,0,84,D,Major,67,78,63,29,0,12,5,Not Found +Volando - Remix,"Sech, Bad Bunny, Mora",3,2021,7,8,3272,19,610045621,101,34,70,1,2,154,F#,Major,66,63,69,21,0,11,7,Not Found +Leave The Door Open,"Bruno Mars, Anderson .Paak, Silk Sonic",3,2021,3,5,14417,0,1115880852,237,123,569,0,10,148,F,Major,59,72,62,18,0,9,3,https://i.scdn.co/image/ab67616d0000b273fcf75ead8a32ac0020d2ce86 +Knife Talk (with 21 Savage ft. Project Pat),"Drake, Project Pat, 21 Savage",3,2021,9,3,5199,0,594482982,45,43,45,0,3,146,F,Minor,85,22,37,13,0,7,30,https://i.scdn.co/image/ab67616d0000b273cd945b4e3de57edd28481a3f +Don't Be Shy,"Ti��sto, Kar",2,2021,8,1,6026,0,566954746,171,51,187,1,21,120,B,Minor,77,51,79,20,0,26,6,Not Found +Love Grows (Where My Rosemary Goes),Edison Lighthouse,1,1970,1,1,2877,0,BPM110KeyAModeMajorDanceability53Valence75Energy69Acousticness7Instrumentalness0Liveness17Speechiness3,16,0,54,0,0,110,A,Major,53,75,69,7,0,17,3,https://i.scdn.co/image/ab67616d0000b2739a0011cc9d31cf969b656905 +LA FAMA (with The Weeknd),"The Weeknd, ROSAL�",2,2021,11,11,4640,3,374706940,81,93,507,6,4,136,,Minor,77,82,30,95,0,13,5,Not Found +The Family Madrigal,"Olga Merediz, Stephanie Beatriz, Encanto - Cast",3,2021,11,19,1150,0,184937148,20,38,12,0,0,141,C#,Major,59,56,63,12,0,6,36,Not Found +Phantom Regret by Jim,The Weeknd,1,2022,1,7,768,0,31959571,1,1,3,0,0,108,A,Minor,46,23,48,75,30,14,4,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Dos Oruguitas,Sebastian Yatra,1,2021,11,19,925,0,167076418,24,47,74,0,0,94,,Major,42,47,36,76,0,9,5,https://i.scdn.co/image/ab67616d0000b273e1ac646ed6f25125e2a77229 +Freaks,Surf Curse,1,2015,5,10,3006,3,824420218,23,21,121,0,13,180,A,Major,35,41,94,0,63,5,5,https://i.scdn.co/image/ab67616d0000b2739efda673310de265a2c1cf1f +Acapulco,Jason Derulo,1,2021,9,1,3098,0,363467642,111,5,182,1,0,122,A#,Major,77,51,79,5,0,16,5,https://i.scdn.co/image/ab67616d0000b2738544aa5ba43894b7103ec757 +Daddy Issues,The Neighbourhood,1,2015,10,30,9771,4,1127468248,42,70,384,0,3,85,A#,Major,59,33,52,7,15,12,3,https://i.scdn.co/image/ab67616d0000b2733066581d697fbdee4303d685 +thought i was playing,"21 Savage, Gunna",2,2022,1,7,807,0,60680939,3,0,5,0,0,148,C#,Major,68,29,73,0,0,7,7,Not Found +ELEVEN,IVE,1,2021,12,1,521,1,247737946,17,89,11,0,0,120,A,Major,83,59,73,6,0,5,11,https://i.scdn.co/image/ab67616d0000b273da343b21617aac0c57e332bb +Mood (feat. Iann Dior),"24kgoldn, Iann Dior",2,2020,7,24,12854,0,1699402402,237,27,636,0,,91,G,Minor,70,76,72,22,0,27,4,https://i.scdn.co/image/ab67616d0000b27384c53fa832dfa265192419c5 +What Else Can I Do?,"Stephanie Beatriz, Diane Guerrero",2,2021,11,19,802,0,154797871,13,27,8,0,0,120,E,Major,72,54,71,26,0,10,4,Not Found +DANCE CRIP,Trueno,1,2021,11,17,731,0,198883004,14,14,24,0,4,106,,Major,86,86,79,11,0,8,9,https://i.scdn.co/image/ab67616d0000b2732ccbe28be97225ae844bef55 +Miserable Man,David Kushner,1,2022,1,7,788,0,124407432,13,0,32,1,0,110,A#,Major,63,31,35,93,0,29,3,https://i.scdn.co/image/ab67616d0000b273e3884b7043aa68c264faff71 +happier,Olivia Rodrigo,1,2021,5,21,3069,4,850608354,25,46,105,0,45,169,F#,Major,39,36,45,81,0,8,13,https://i.scdn.co/image/ab67616d0000b273a91c10fe9472d9bd89802e5a +Praise God,Kanye West,1,2021,8,29,4651,0,376333030,24,6,105,0,0,118,C#,Major,80,21,55,1,0,26,17,https://i.scdn.co/image/ab67616d0000b273cad190f1a73c024e5a40dddd +Get Into It (Yuh),Doja Cat,1,2021,6,25,4999,0,516784627,43,19,73,12,0,92,G#,Minor,91,79,66,32,0,9,16,https://i.scdn.co/image/ab67616d0000b273be841ba4bc24340152e3a79a +Before You Go,Lewis Capaldi,1,2019,11,1,8327,24,1608045237,205,130,625,0,25,112,D#,Major,45,19,60,63,0,9,6,https://i.scdn.co/image/ab67616d0000b2737b9639babbe96e25071ec1d4 +Sky,Playboi Carti,1,2020,12,25,3297,3,506778838,25,3,52,0,1,140,D,Major,79,56,91,26,0,13,21,https://i.scdn.co/image/ab67616d0000b27398ea0e689c91f8fea726d9bb +Rolling in the Deep,Adele,1,2010,11,29,35684,6,1472799873,195,125,"6,280",2,78,105,G#,Major,73,52,76,13,0,5,3,https://i.scdn.co/image/ab67616d0000b2732118bf9b198b05a95ded6300 +Sobrio,Maluma,1,2021,7,8,3506,10,513643924,103,76,100,1,1,178,F,Major,76,63,77,14,0,15,22,https://i.scdn.co/image/ab67616d0000b2730c912949e9f848cc95797b27 +Peru,"Ed Sheeran, Fireboy DML",2,2021,12,23,2999,0,261286503,60,17,154,0,22,108,G,Minor,96,71,42,57,0,8,9,Not Found +favorite crime,Olivia Rodrigo,1,2021,5,21,3681,0,783706581,20,21,99,0,7,173,A,Major,40,19,29,86,0,34,4,https://i.scdn.co/image/ab67616d0000b273a91c10fe9472d9bd89802e5a +Thunder,"Prezioso, Gabry Ponte, LUM!X",3,2021,5,7,4846,10,422691058,54,16,259,0,13,101,C#,Major,67,40,90,3,0,34,6,Not Found +The Business,Ti�ï¿,1,2020,1,1,14311,0,1062345656,255,32,582,0,14,120,G#,Minor,80,24,62,41,2,11,23,Not Found +positions,Ariana Grande,1,2020,10,23,8207,0,1252563873,175,55,95,0,2,144,,Major,73,66,80,44,0,9,12,https://i.scdn.co/image/ab67616d0000b2735ef878a782c987d38d82b605 +I WANNA BE YOUR SLAVE,M��ne,1,2021,3,19,4873,0,851070493,65,88,434,3,13,133,C#,Major,75,96,61,0,0,18,4,Not Found +Vai L�� Em Casa ,"Mar��lia Mendon��a, George Henrique &",2,2021,10,22,772,0,263894529,7,3,89,0,0,158,G#,Minor,46,62,83,53,0,97,28,Not Found +The Feels,TWICE,1,2021,10,1,1150,0,345903614,20,99,44,0,2,120,A,Major,81,92,90,9,0,8,7,https://i.scdn.co/image/ab67616d0000b273d1961ecb307c9e05ec8f7e82 +HEARTBREAK ANNIVERSARY,Giveon,1,2020,2,21,5398,4,951637566,111,127,210,0,37,129,,Major,61,59,46,56,0,13,5,https://i.scdn.co/image/ab67616d0000b2733317fc12f8b9a9a0b8459766 +No Lie,"Sean Paul, Dua Lipa",2,2016,11,18,7370,0,956865266,92,127,"1,219",0,62,102,G,Major,74,45,89,5,0,26,13,https://i.scdn.co/image/ab67616d0000b2732d564195ed3dd7b70d64862c +OUT OUT (feat. Charli XCX & Saweetie),"Charli XCX, Jax Jones, Joel Corry, Saweetie",4,2021,8,13,6890,0,427486004,122,11,201,0,1,124,G#,Minor,79,79,84,2,0,5,5,https://i.scdn.co/image/ab67616d0000b2730abb7463b44d1be6243642f4 +Pope Is a Rockstar,SALES,1,2016,4,20,1966,0,156658366,4,2,50,0,0,90,E,Minor,73,31,45,85,24,11,3,https://i.scdn.co/image/ab67616d0000b2731138eea74b6d7e06289bedaa +2055,Sleepy hallow,1,2021,4,14,2226,0,624515457,29,0,44,0,0,161,F#,Minor,78,65,52,46,0,12,31,https://i.scdn.co/image/ab67616d0000b27378376f650afd63698b82e4b1 +Bored,Billie Eilish,1,2017,3,30,4204,0,777765388,39,45,250,0,0,120,G,Major,60,11,33,90,0,8,5,https://i.scdn.co/image/ab67616d0000b273e0f2af91be409aad81bba98c +Happier Than Ever - Edit,Billie Eilish,1,2021,7,28,1959,0,412795151,19,0,38,0,0,81,,Major,45,12,57,7,0,23,3,https://i.scdn.co/image/ab67616d0000b27331aa3ebe23f59778bff800c9 +Astronaut In The Ocean,Masked Wolf,1,2019,1,1,7191,0,1138474110,146,18,478,0,7,150,E,Minor,78,47,70,18,0,15,9,https://i.scdn.co/image/ab67616d0000b27397fdd7cf1b14d78c6a7fb17f +Ley Seca,"Anuel Aa, Jhay Cortez",2,2021,9,2,2012,0,355219175,101,12,38,0,0,105,G#,Major,76,58,84,10,0,13,10,Not Found +Every Summertime,NIKI,1,2021,8,10,1211,2,290228626,30,2,5,0,6,79,F#,Major,63,76,67,38,0,6,4,https://i.scdn.co/image/ab67616d0000b273d00cc26852fcc281296977be +Talking To The Moon,Bruno Mars,1,2010,10,4,7109,2,1062956628,5,0,862,0,0,146,C#,Minor,52,7,61,51,0,11,3,https://i.scdn.co/image/ab67616d0000b273f6b55ca93bd33211227b502b +you broke me first,Tate McRae,1,2020,4,17,6638,0,1180094974,167,19,318,0,1,124,E,Major,64,8,37,79,0,9,5,https://i.scdn.co/image/ab67616d0000b2730c2c97099fd6a637ed0aa4a4 +The Nights,Avicii,1,2014,1,1,17354,8,1456081449,92,122,"1,282",0,55,126,F#,Major,53,66,85,2,0,24,4,https://i.scdn.co/image/ab67616d0000b2730ae4f4d42e4a09f3a29f64ad +Take My Breath,The Weeknd,1,2021,8,6,6392,0,432702334,174,73,344,0,0,121,G#,Major,75,53,74,2,0,11,5,https://i.scdn.co/image/ab67616d0000b2734ab2520c2c77a1d66b9ee21d +Way 2 Sexy (with Future & Young Thug),"Drake, Future, Young Thug",3,2021,9,3,5481,0,489945871,144,30,86,0,0,136,B,Minor,80,33,60,0,0,32,14,https://i.scdn.co/image/ab67616d0000b273cd945b4e3de57edd28481a3f +C��,Rauw Alejandro,1,2021,6,25,2636,3,465959382,36,82,39,0,5,102,A,Minor,77,26,63,58,0,11,5,Not Found +Enemy - from the series Arcane League of Legends,"Imagine Dragons, League of Legends, Arcane",3,2021,10,27,824,0,1223481149,8,8,8,2,0,77,G,Major,73,54,74,23,0,41,23,https://i.scdn.co/image/ab67616d0000b273fc915b69600dce2991a61f13 +Dance Monkey,Tones and I,1,2019,5,10,24529,0,2864791672,533,167,"3,595",6,,98,F#,Minor,82,54,59,69,0,18,10,https://i.scdn.co/image/ab67616d0000b273c6f7af36ecdc3ed6e0a1f169 +Lucid Dreams,Juice WRLD,1,2017,6,15,14749,0,2288695111,188,34,710,0,5,84,B,Minor,44,22,48,38,0,33,24,https://i.scdn.co/image/ab67616d0000b273f7db43292a6a99b21b51d5b4 +Qu�� M�ï¿,"J Balvin, Maria Becerra",2,2021,1,28,8087,0,720825549,92,34,131,0,0,102,G#,Major,89,77,82,3,0,17,11,Not Found +All of Me,John Legend,1,2013,8,1,27221,0,2086124197,308,118,"4,534",2,77,120,G#,Major,42,33,26,92,0,13,3,https://i.scdn.co/image/ab67616d0000b27394c9217a398f5174757c0c78 +Smells Like Teen Spirit - Remastered 2021,Nirvana,1,1991,9,10,49991,9,1690192927,265,121,"12,367",4,160,117,C#,Major,52,73,91,0,0,11,7,https://i.scdn.co/image/ab67616d0000b2739aa37e5baca62ca6cc98d056 +Arcade,Duncan Laurence,1,2019,3,7,6646,0,991336132,107,47,584,1,,72,A,Minor,45,27,33,82,0,14,4,https://i.scdn.co/image/ab67616d0000b273a954408e456d4d9d410f448b +Fair Trade (with Travis Scott),"Drake, Travis Scott",2,2021,9,3,5403,6,593917618,118,116,96,0,3,168,C#,Major,67,29,47,5,0,22,26,https://i.scdn.co/image/ab67616d0000b273cd945b4e3de57edd28481a3f +Bar,"Tini, L-Gante",2,2021,11,11,755,4,200972675,22,3,0,0,0,94,C#,Major,52,68,69,13,0,33,8,https://i.scdn.co/image/ab67616d0000b2737b1a8b1a92561bb5d16d6b4c +The Rumbling (TV Size),SiM,1,2022,1,10,254,0,71014967,0,4,23,0,0,145,G#,Major,41,65,88,0,0,26,5,https://i.scdn.co/image/ab67616d0000b2735d2f378be5d973ad504456d7 +family ties (with Kendrick Lamar),"Kendrick Lamar, Baby Keem",2,2021,8,27,6308,5,560222750,114,15,63,0,2,134,C#,Major,71,14,61,1,0,23,33,Not Found +Mr. Brightside,The Killers,1,2003,9,23,51979,15,1806617704,306,99,"5,063",2,120,148,C#,Major,35,24,93,0,0,10,8,https://i.scdn.co/image/ab67616d0000b273ccdddd46119a4ff53eaf1f5d +Blessed-Cursed,ENHYPEN,1,2022,1,10,246,0,77337771,2,12,10,0,0,127,E,Minor,60,40,89,9,0,60,6,https://i.scdn.co/image/ab67616d0000b2731c1ea5bfa5680ac877acdd55 +AM Remix,"J Balvin, Nio Garcia, Bad Bunny",3,2021,6,24,6556,0,528544703,93,5,67,1,0,172,F#,Minor,74,79,66,11,0,8,16,Not Found +Streets,Doja Cat,1,2019,11,7,5728,0,865640097,85,87,179,0,12,90,B,Major,75,19,46,21,4,34,8,https://i.scdn.co/image/ab67616d0000b273f14aa81116510d3a6df8432b +Shallow,"Lady Gaga, Bradley Cooper",2,2018,9,27,16636,12,2159346687,368,155,"2,854",6,121,96,G,Major,57,30,40,38,0,26,3,https://i.scdn.co/image/ab67616d0000b273e2d156fdc691f57900134342 +Polaroid Love,ENHYPEN,1,2022,1,10,461,0,211372494,10,56,17,0,0,138,G,Minor,74,65,67,46,0,36,4,https://i.scdn.co/image/ab67616d0000b2731c1ea5bfa5680ac877acdd55 +Leave Before You Love Me (with Jonas Brothers),"Marshmello, Jonas Brothers",2,2021,4,28,4893,4,651732901,143,24,110,0,70,120,G,Major,72,67,72,0,0,13,4,https://i.scdn.co/image/ab67616d0000b273ae40468931087f78919b86ce +Permission to Dance,BTS,1,2021,7,9,1801,2,608334048,77,134,74,0,2,125,A,Major,70,65,74,1,0,34,4,https://i.scdn.co/image/ab67616d0000b273a7e481899b7e0396f93d10b8 +Friday (feat. Mufasa & Hypeman) - Dopamine Re-Edit,"Riton, Nightcrawlers, Mufasa & Hypeman, Dopamine",4,2021,1,15,12043,0,863756573,209,54,710,0,18,123,D,Major,82,80,86,1,0,30,13,https://i.scdn.co/image/ab67616d0000b273815cb538fd7821595b2bc8c5 +RAPSTAR,Polo G,1,2021,4,9,4731,0,797402345,141,12,78,0,0,81,F#,Major,79,44,54,41,0,13,24,https://i.scdn.co/image/ab67616d0000b273a493e05c99d8ec5e8020ff2b +'Till I Collapse,"Eminem, Nate Dogg",2,2002,5,26,22923,0,1695712020,78,46,"2,515",1,0,171,C#,Major,55,10,85,7,0,8,20,https://i.scdn.co/image/ab67616d0000b2736ca5c90113b30c3c43ffb8f4 +Memories,Maroon 5,1,2019,9,20,9974,2,1759567999,272,67,"1,066",1,19,91,B,Major,77,60,32,84,0,8,5,https://i.scdn.co/image/ab67616d0000b27386a8ab515de4b7aef28cd631 +Se Le Ve,"Arcangel, De La Ghetto, Justin Quiles, Lenny Tav��rez, Sech, Dalex, Dimelo Flow, Rich Music",8,2021,8,12,1560,0,223319934,72,0,0,0,0,84,G,Minor,56,61,76,10,0,14,11,Not Found +25k jacket (feat. Lil Baby),"Gunna, Lil Baby",2,2022,1,7,620,0,54937991,17,3,3,0,0,115,F,Minor,90,74,54,16,0,13,28,https://i.scdn.co/image/ab67616d0000b27314d91ebdd6d7e2931322cc1a +When I���m Gone (with Katy ,"Katy Perry, Alesso",2,2021,12,29,3270,0,226897599,89,21,65,0,0,125,,Major,69,70,89,4,0,49,3,Not Found +Esque��a-Me Se For C,"Mar��lia Mendon��a, Maiara &",2,2021,10,14,580,0,258316038,24,92,93,0,0,122,F#,Minor,80,62,69,28,0,13,7,Not Found +Mi��n,"Tini, Maria Becerra",2,2021,4,29,3406,16,596152090,61,23,70,1,0,92,D,Major,85,92,54,16,0,29,7,Not Found +S��,"Anuel Aa, Myke Towers, Jhay Cortez",3,2021,11,18,903,0,177129919,30,26,15,0,0,90,F#,Minor,63,75,75,17,0,11,8,Not Found +MAMIII,"Karol G, Becky G",2,2022,2,10,6809,28,716591492,151,102,175,5,29,94,E,Minor,84,90,70,9,0,14,8,Not Found +Still D.R.E.,"Dr. Dre, Snoop Dogg",2,1999,1,1,33966,0,1210599487,141,78,"6,591",1,0,93,B,Major,81,53,78,18,0,6,24,https://i.scdn.co/image/ab67616d0000b2739b19c107109de740bad72df5 +Stay Alive (Prod. SUGA of BTS),Jung Kook,1,2022,2,11,590,5,246376690,4,113,20,0,1,130,D,Minor,51,50,76,30,0,10,7,https://i.scdn.co/image/ab67616d0000b2738916a2bb404bed6755f2bbbd +Boyfriend,Dove Cameron,1,2022,2,11,3766,0,496311364,76,0,102,0,2,180,G,Minor,35,23,61,23,0,19,6,https://i.scdn.co/image/ab67616d0000b2730397f50cb9dc5393db5d08bc +The Joker And The Queen (feat. Taylor Swift),"Ed Sheeran, Taylor Swift",2,2022,2,11,1430,0,146789379,46,1,34,0,0,134,,Major,53,31,31,92,0,28,3,https://i.scdn.co/image/ab67616d0000b27389aff4625958eac8d16535c7 +The Next Episode,"Dr. Dre, Snoop Dogg",2,1999,1,1,31762,0,843309044,142,40,"5,451",1,953,95,D#,Minor,92,31,89,3,0,8,25,https://i.scdn.co/image/ab67616d0000b2739b19c107109de740bad72df5 +Light Switch,Charlie Puth,1,2022,1,19,4049,0,500340342,119,6,85,1,1,184,F#,Major,69,91,63,11,0,9,31,https://i.scdn.co/image/ab67616d0000b27335d2e0ed94a934f2cc46fa49 +City of Gods,"Kanye West, Alicia Keys, Fivio Foreign",3,2022,2,11,2096,0,107255472,34,3,30,0,0,147,G#,Minor,47,50,80,10,0,32,38,Not Found +Brividi,"Mahmood, Blanco",2,2022,2,2,1175,0,135079152,34,1,31,0,0,123,G,Major,52,44,60,40,0,26,3,https://i.scdn.co/image/ab67616d0000b273ac4a7d6e5e77c52ba430278b +Lost,Frank Ocean,1,2012,1,1,29499,11,822239726,124,27,587,0,4,123,A#,Minor,91,49,61,3,0,17,22,https://i.scdn.co/image/ab67616d0000b2737aede4855f6d0d738012e2e5 +In Da Club,50 Cent,1,2002,1,1,30427,7,1202722675,235,106,"5,221",1,35,90,F#,Minor,90,79,71,26,0,7,37,https://i.scdn.co/image/ab67616d0000b273f7f74100d5cc850e01172cbf +she's all i wanna be,Tate McRae,1,2022,2,4,2711,0,343197054,105,12,51,0,12,160,D,Minor,61,65,64,1,0,12,4,https://i.scdn.co/image/ab67616d0000b273f7108342ef45a402af8206b2 +Ginseng Strip 2002,Yung Lean,1,2013,8,16,4310,0,240769997,13,0,113,1,3,115,C#,Major,60,37,71,8,0,48,4,https://i.scdn.co/image/ab67616d0000b273581915272a4ffd12551c0202 +All For Us - from the HBO Original Series Euphoria,"Labrinth, Zendaya",2,2019,8,4,5342,0,426204830,33,123,7,0,4,141,D#,Major,37,17,67,2,0,34,9,https://i.scdn.co/image/ab67616d0000b27325c4bac75a46caa3e645896a +Notion,The Rare Occasions,1,2016,8,5,2393,0,421135627,22,13,65,0,6,160,A,Major,31,30,88,7,0,8,8,https://i.scdn.co/image/ab67616d0000b273598721fc8c9dde3f65a73a08 +Formula,Labrinth,1,2019,10,4,3444,7,554875730,24,85,102,0,1,145,B,Major,57,23,66,4,6,15,4,https://i.scdn.co/image/ab67616d0000b27389c39ba1acdf33ed7acd3867 +Mount Everest,Labrinth,1,2019,6,21,5443,0,467727006,45,1,80,0,12,89,,Minor,46,43,43,23,8,8,22,https://i.scdn.co/image/ab67616d0000b273e4c03429788f0aff263a5fc6 +Excuses,"Intense, AP Dhillon, Gurinder Gill",3,2020,7,24,272,4,327498031,7,21,2,0,0,95,F,Minor,84,49,72,8,0,15,8,Not Found +Cigarettes,Juice WRLD,1,2021,12,10,975,0,185408548,11,0,10,0,0,160,D,Major,60,47,62,3,0,38,4,https://i.scdn.co/image/ab67616d0000b2737459992b444de38842b9bee7 +"Cay�� La Noche (feat. Cruz Cafun��, Abhir Hathi, Bejo, EL IMA)","Quevedo, La Pantera, Juseph, Cruz Cafun��, B��jo, Abhir Hathi",7,2022,1,14,1034,1,245400167,19,5,12,0,0,174,F,Minor,67,74,75,44,0,7,30,Not Found +California Love - Original Version (Explicit),"Dr. Dre, 2Pac, Roger",3,1995,12,28,18773,0,579395142,128,17,"1,663",0,0,92,G,Major,77,76,84,3,0,38,4,Not Found +Forgot About Dre,"Eminem, Dr. Dre",2,1999,1,1,19067,0,675039469,78,15,"1,674",0,3,134,G#,Major,93,61,74,9,0,17,8,Not Found +Down Under (feat. Colin Hay),"Luude, Colin Hay",2,2021,11,19,3541,2,252871192,57,13,50,1,7,172,B,Minor,31,4,86,1,0,28,17,https://i.scdn.co/image/ab67616d0000b273aad205f4a52b5c988d86c25f +Mujeriego,Ryan Castro,1,2021,12,17,1492,0,231996128,44,63,91,0,24,80,A,Major,76,92,62,6,0,8,13,https://i.scdn.co/image/ab67616d0000b2730193b30d2ad5ecd9ac3f26aa +HUMBLE.,Kendrick Lamar,1,2017,3,30,33206,1,1929770265,284,114,"1,481",0,5,150,C#,Minor,91,42,60,0,0,9,12,https://i.scdn.co/image/ab67616d0000b2738b52c6b9bc4e43d873869699 +Stan,"Eminem, Dido",2,1999,11,21,17115,0,918915401,83,63,"4,180",0,0,80,F#,Minor,78,53,74,4,0,45,21,https://i.scdn.co/image/ab67616d0000b273dbb3dd82da45b7d7f31b1b42 +Contection,"GODZZ__-, Zakaria",2,2020,1,16,6955,0,1180896317,65,45,398,0,1,166,A#,Minor,81,83,75,14,0,29,34,https://i.scdn.co/image/ab67616d0000b2735dabace2f8e176a8727e3f95 +Swim,Chase Atlantic,1,2017,10,4,2742,0,498960285,5,1,62,0,0,120,G#,Major,67,8,54,27,0,8,4,https://i.scdn.co/image/ab67616d0000b2735a0c2870f4f309e382d1fad6 +A Tu Merced,Bad Bunny,1,2020,2,29,4214,11,685071800,21,20,40,0,0,92,,Major,86,89,79,17,0,11,6,https://i.scdn.co/image/ab67616d0000b273548f7ec52da7313de0c5e4a0 +Numb Little Bug,Em Beihold,1,2022,1,28,2026,0,258714692,47,3,42,12,6,85,G#,Minor,74,61,52,30,0,26,9,https://i.scdn.co/image/ab67616d0000b273dc0353a5801934f9a4bac01d +212,"Mainstreet, Chefin",2,2022,1,15,352,0,143139338,10,0,39,0,0,154,D,Minor,79,86,52,66,0,9,7,Not Found +Problem�,"Alvaro Diaz, Rauw Alejandro",2,2021,10,22,1517,0,209768491,42,7,15,0,4,92,D,Minor,73,37,74,28,0,14,6,Not Found +Bussin,"Nicki Minaj, Lil Baby",2,2022,2,11,847,0,64714573,25,0,14,0,0,140,B,Major,89,75,70,6,0,13,5,https://i.scdn.co/image/ab67616d0000b2738c10ac7c3a733632833c3d88 +Worst Day,Future,1,2022,2,11,910,0,50746620,20,3,24,0,0,89,C#,Major,65,60,60,11,0,10,40,https://i.scdn.co/image/ab67616d0000b2737e83b7d94b668d9ea94fe7ec +Malvada,Z�� Fe,1,2022,1,28,601,0,154119539,28,73,64,0,0,135,F,Minor,89,89,86,16,0,8,5,Not Found +Hrs and Hrs,Muni Long,1,2021,11,19,1800,0,181328253,43,36,46,13,4,140,G#,Minor,51,66,53,60,0,11,18,https://i.scdn.co/image/ab67616d0000b273d424d6448da5d51e00f6fda7 +Alien Blues,Vundabar,1,2015,7,24,1930,0,370068639,3,0,28,0,1,82,D#,Major,47,44,76,8,91,9,3,https://i.scdn.co/image/ab67616d0000b273578b0e6109b76bad0821ca71 +Thinking Out Loud,Ed Sheeran,1,2014,1,1,33032,0,2280566092,363,129,"3,895",0,28,79,D,Major,78,58,45,47,0,18,3,https://i.scdn.co/image/ab67616d0000b27313b3e37318a0c247b550bccd +Still Don't Know My Name,Labrinth,1,2019,10,4,6332,0,563902868,47,116,266,0,0,88,F,Major,31,31,63,47,27,21,12,https://i.scdn.co/image/ab67616d0000b27389c39ba1acdf33ed7acd3867 +Christmas Tree,V,1,2021,12,24,509,9,317622165,8,106,6,0,8,139,F,Major,44,18,38,70,0,12,4,https://i.scdn.co/image/ab67616d0000b2738764ebc69bd91a01cc3948a2 +Mal Feito - Ao Vivo,"Mar��lia Mendon��a, Hugo & G",2,2022,1,14,971,2,291709698,35,104,93,1,0,124,,Minor,73,68,83,55,0,90,7,Not Found +When I R.I.P.,Labrinth,1,2019,10,4,2578,0,203680270,8,67,66,0,0,80,G#,Minor,39,45,55,73,0,9,21,https://i.scdn.co/image/ab67616d0000b27389c39ba1acdf33ed7acd3867 +Do We Have A Problem?,"Nicki Minaj, Lil Baby",2,2022,2,4,1064,0,81350745,42,1,26,0,0,120,C#,Minor,84,54,51,47,0,12,40,https://i.scdn.co/image/ab67616d0000b2737df334f26d1e55dfba843463 +Forever,Labrinth,1,2019,10,4,3618,0,282883169,21,86,138,0,2,80,E,Minor,56,19,46,92,72,11,3,https://i.scdn.co/image/ab67616d0000b27389c39ba1acdf33ed7acd3867 +Gospel (with Eminem),"Eminem, Dr. Dre",2,2022,2,4,1040,0,64787943,8,0,29,0,0,117,C#,Major,92,62,86,11,0,24,24,Not Found +Se��o,"Shawn Mendes, Camila Cabello",2,2019,6,19,15010,2,2484812918,453,50,"1,785",1,8,117,A,Minor,76,77,52,4,0,8,3,Not Found +NEW MAGIC WAND,"Tyler, The Creator",2,2019,5,16,4708,0,461437791,13,7,55,0,1,140,F,Minor,62,46,73,10,0,67,11,https://i.scdn.co/image/ab67616d0000b2737005885df706891a3c182a57 +Adore You,Harry Styles,1,2019,12,6,13454,1,1439191367,246,71,519,2,5,99,G#,Major,68,57,77,2,0,10,5,https://i.scdn.co/image/ab67616d0000b27377fdcfda6535601aff081b6a +La Santa,"Daddy Yankee, Bad Bunny",2,2020,2,29,4890,20,759208783,52,42,100,0,0,93,C#,Major,74,59,87,3,0,8,5,Not Found +Something In The Way - Remastered 2021,Nirvana,1,1991,9,24,9514,0,368646862,45,27,"1,197",0,43,106,G#,Major,44,8,20,74,42,11,3,https://i.scdn.co/image/ab67616d0000b2739aa37e5baca62ca6cc98d056 +Sweetest Pie,"Dua Lipa, Megan Thee Stallion",2,2022,3,11,3501,0,299634472,69,2,51,11,0,124,G,Major,81,68,63,17,0,10,22,Not Found +Bam Bam (feat. Ed Sheeran),"Camila Cabello, Ed Sheeran",2,2022,3,4,6111,4,756907987,185,40,492,9,35,95,G#,Major,76,96,70,18,0,33,4,https://i.scdn.co/image/ab67616d0000b273364ef5f9057092741f667fea +Una Noche en Medell�,Cris Mj,1,2022,1,21,5415,32,682475162,46,16,53,1,2,96,A#,Minor,87,82,53,10,0,5,8,https://i.scdn.co/image/ab67616d0000b273be60f176970cdde893632dd8 +Envolver,Anitta,1,2021,11,11,4673,2,546191065,123,113,180,1,4,92,E,Minor,81,40,73,15,0,9,8,https://i.scdn.co/image/ab67616d0000b27332f29a61d5e3c3bb3c7ae510 +Starlight,Dave,1,2022,3,3,1856,3,229473310,29,40,31,1,1,124,G,Major,95,36,37,35,0,10,28,https://i.scdn.co/image/ab67616d0000b27320ce6b27651688ee8969cb2e +Hati-Hati di Jalan,Tulus,1,2022,3,3,200,2,202677468,12,4,0,0,0,72,F#,Major,64,76,44,70,9,12,4,https://i.scdn.co/image/ab67616d0000b273b55d26c578e30129b0a7e86e +"I'm Tired - From ""Euphoria"" An Original HBO Series",Labrinth,1,2022,2,4,1888,0,121913181,26,1,58,0,0,71,,Minor,28,26,20,19,0,30,3,Not Found +DAN��A,"Mc Pedrinho, Pedro Sampaio",2,2022,2,1,911,2,208166039,45,0,99,1,1,135,A,Minor,78,55,57,4,0,10,8,Not Found +Yo Voy (feat. Daddy Yankee),Zion & Lennox,1,2004,5,4,2954,2,527033089,18,82,0,0,5,95,A#,Major,81,56,70,4,0,5,24,https://i.scdn.co/image/ab67616d0000b27387d3146807ad53b05a7daaac +"Residente: Bzrp Music Sessions, Vol. 49","Residente, Bizarrap",2,2022,3,3,461,0,94616487,7,11,13,0,0,71,C#,Minor,59,70,74,56,0,11,40,Not Found +Jordan,Ryan Castro,1,2021,4,30,2844,2,394030335,29,2,35,1,0,180,A#,Minor,80,71,68,6,0,10,37,https://i.scdn.co/image/ab67616d0000b27382102cabb8e9ae044fc3db62 +Nail Tech,Jack Harlow,1,2022,2,18,2939,0,193443895,42,0,24,0,0,150,E,Minor,65,11,58,0,0,12,9,https://i.scdn.co/image/ab67616d0000b273ddd85c9c585e663fc5431c2a +Chale,Eden Mu�ï,1,2022,2,18,695,11,299648208,16,41,13,1,1,189,G#,Major,55,86,44,40,0,7,4,Not Found +DARARI,Treasure,1,2022,2,15,328,0,182978249,10,21,7,0,9,85,,Major,72,55,64,49,0,7,4,https://i.scdn.co/image/ab67616d0000b27328be5dc3cc0bd6f2482c1d56 +Ya No Somos Ni Seremos,Christian Nodal,1,2022,2,18,866,16,319757142,27,84,32,7,11,140,G,Major,59,73,45,44,0,34,3,https://i.scdn.co/image/ab67616d0000b27365006bd1837710248501315c +Thinking with My Dick,"Kevin Gates, Juicy J",2,2013,7,16,1550,0,109091573,0,0,14,0,0,81,,Major,77,68,70,6,0,17,20,https://i.scdn.co/image/ab67616d0000b273648c824765ffe493d9947b62 +Freaky Deaky,"Tyga, Doja Cat",2,2022,2,25,1729,0,153240879,26,1,19,0,0,104,D,Minor,80,24,65,2,0,9,4,https://i.scdn.co/image/ab67616d0000b2739d272936b9368c8d7fd2e6ef +this is what falling in love feels like,JVKE,1,2021,9,3,2005,0,346127840,16,5,43,0,7,129,B,Major,42,33,44,62,0,8,6,https://i.scdn.co/image/ab67616d0000b273c2504e80ba2f258697ab2954 +La Zona,Bad Bunny,1,2020,2,29,1188,0,312622938,13,1,15,0,1,94,C#,Minor,76,81,80,20,0,25,4,https://i.scdn.co/image/ab67616d0000b273548f7ec52da7313de0c5e4a0 +Bohemian Rhapsody - Remastered 2011,Queen,1,1975,10,31,40112,3,2197010679,321,162,"5,691",8,17,71,,Minor,41,23,40,27,0,30,5,https://i.scdn.co/image/ab67616d0000b273ce4f1737bc8a646c8c4bd25a +Hope,XXXTENTACION,1,2018,3,16,3659,0,1200808494,11,10,267,0,7,146,A,Minor,59,23,46,66,0,15,6,https://i.scdn.co/image/ab67616d0000b273806c160566580d6335d1f16c +Levitating,Dua Lipa,1,2020,3,27,9833,0,797196073,233,82,531,1,1,103,F#,Minor,69,90,88,5,0,29,8,https://i.scdn.co/image/ab67616d0000b273d4daf28d55fe4197ede848be +Wake Me Up - Radio Edit,Avicii,1,2013,1,1,50887,34,1970673297,315,160,"6,284",1,46,124,D,Major,53,66,78,0,0,16,5,https://i.scdn.co/image/ab67616d0000b2731d7b056c2044321bac7e6b40 +"jealousy, jealousy",Olivia Rodrigo,1,2021,5,21,3257,0,665765558,10,0,70,0,0,164,A#,Minor,70,71,58,24,0,7,13,https://i.scdn.co/image/ab67616d0000b273a91c10fe9472d9bd89802e5a +Mon��y so,YEAT,1,2021,9,10,1473,0,263779030,2,0,12,0,10,138,D,Major,69,35,57,12,0,10,9,Not Found +Demasiadas Mujeres,C. Tangana,1,2020,10,8,2226,0,339473453,36,2,11,0,14,126,A,Minor,67,37,46,13,0,10,39,https://i.scdn.co/image/ab67616d0000b273a408c78e231f716383a58eb3 +Something Just Like This,"The Chainsmokers, Coldplay",2,2017,2,22,23375,21,2204080728,336,188,"2,692",3,30,103,B,Minor,61,47,65,3,0,17,4,https://i.scdn.co/image/ab67616d0000b2730c13d3d5a503c84fcc60ae94 +Closer,"The Chainsmokers, Halsey",2,2016,5,31,28032,0,2591224264,315,159,"2,179",0,44,95,G#,Major,75,64,52,41,0,11,3,https://i.scdn.co/image/ab67616d0000b273495ce6da9aeb159e94eaa453 +O.O,NMIXX,1,2022,2,22,290,0,135444283,9,66,10,0,0,200,B,Minor,39,28,77,4,0,6,29,https://i.scdn.co/image/ab67616d0000b27386ca91e718866f411c01db5e +Somebody That I Used To Know,"Gotye, Kimbra",2,2011,1,1,42798,0,1457139296,217,136,"6,508",1,,129,,Major,86,75,52,54,0,10,4,https://i.scdn.co/image/ab67616d0000b273e1d47c00ddecbfb810c807ed +Tom's Diner,"AnnenMayKantereit, Giant Rooks",2,2019,6,28,2605,0,236872197,15,48,50,0,3,98,F#,Minor,68,33,43,38,0,36,14,https://i.scdn.co/image/ab67616d0000b2732186eb1b0b5436f858c0508c +First Class,Jack Harlow,1,2022,4,8,8737,0,694525298,163,32,137,15,12,107,G#,Major,91,32,56,3,0,11,10,https://i.scdn.co/image/ab67616d0000b2738e55edb69ca44a25b52b17bb +Plan A,Paulo Londra,1,2022,3,23,1105,0,240661097,32,0,19,0,0,174,,Major,58,56,83,5,0,7,4,https://i.scdn.co/image/ab67616d0000b273ccccd9b321e9b4446ae22cc5 +Fuera del mercado,Danny Ocean,1,2022,2,17,2499,21,421365166,68,24,43,1,0,92,G#,Major,45,27,67,32,0,13,14,https://i.scdn.co/image/ab67616d0000b273be462dd5903fb27996331b48 +X ��LTIMA,"Daddy Yankee, Bad Bunny",2,2022,3,25,2697,1,349746291,55,3,32,0,0,90,G,Major,81,59,83,9,0,11,5,Not Found +When You're Gone,Shawn Mendes,1,2022,3,31,2092,0,255120451,75,11,44,0,14,147,F,Major,60,58,69,2,0,58,4,https://i.scdn.co/image/ab67616d0000b273dad0775943c1a826bfed3117 +In My Head,Lil Tjay,1,2022,4,1,1185,0,190981339,21,0,31,0,0,143,C#,Major,68,41,55,16,0,10,12,https://i.scdn.co/image/ab67616d0000b2731e6a9d4ce04b67a455ed6b8c +Wait a Minute!,Willow,1,2015,1,11,11985,0,924193303,79,80,250,3,10,101,D#,Minor,76,63,71,3,0,10,3,https://i.scdn.co/image/ab67616d0000b2736ee651e65c3766d80e7fcab7 +LOVE DIVE,IVE,1,2022,4,5,753,8,305771063,28,124,13,0,1,118,C#,Minor,70,54,71,0,0,33,4,https://i.scdn.co/image/ab67616d0000b2739016f58cc49e6473e1207093 +Pantysito,"Feid, Alejo, Robi",3,2022,3,18,2995,0,273005485,49,17,30,0,0,98,G,Minor,83,63,74,14,0,16,6,Not Found +Chance,Paulo Londra,1,2022,4,6,225,0,89566512,11,0,7,0,0,138,C#,Minor,72,22,46,24,0,9,6,https://i.scdn.co/image/ab67616d0000b273cb74f60124f5268784563f0b +Cool for the Summer,Demi Lovato,1,2015,1,1,9243,0,677389855,155,5,577,0,6,114,F,Minor,59,30,62,1,0,8,4,https://i.scdn.co/image/ab67616d0000b273ed164cf1c10f028e8f528784 +psychofreak (feat. WILLOW),"Camila Cabello, Willow",2,2022,4,7,918,0,75476209,24,0,52,0,0,180,G,Minor,63,45,64,34,0,9,8,https://i.scdn.co/image/ab67616d0000b27317f56db9be0ac58807c82899 +Angel Baby,Troye Sivan,1,2021,9,9,1959,9,408843328,52,25,32,0,10,145,B,Major,56,41,57,1,0,13,3,https://i.scdn.co/image/ab67616d0000b2735cf05521594fbf41d2a48893 +Vampiro,"Matu��, Wiu, ",3,2022,1,30,540,4,187772591,26,3,39,0,0,115,G#,Minor,78,63,64,1,0,7,4,Not Found +Si Quieren Frontear,"De La Ghetto, Duki, Quevedo",3,2022,3,31,859,0,178512385,14,0,11,0,0,82,A#,Major,79,48,84,13,0,21,23,Not Found +Right On,Lil Baby,1,2022,4,8,1116,0,101780047,31,9,15,0,1,166,D,Major,70,22,61,2,0,10,34,https://i.scdn.co/image/ab67616d0000b2736c6827c3fb94b95e5ff4a4aa +Me Arrepentï¿,"Ak4:20, Cris Mj, Pailita",3,2022,3,30,273,2,118381354,12,2,4,0,0,92,,Major,86,91,79,29,0,60,16,https://i.scdn.co/image/ab67616d0000b273b0a3a7b69e470141becfdf8d +That's Hilarious,Charlie Puth,1,2022,4,8,686,2,146363130,11,6,12,0,15,108,F#,Major,71,55,44,74,0,11,6,https://i.scdn.co/image/ab67616d0000b273a3b39c1651a617bb09800fd8 +Soy El Unico,Yahritza Y Su Esencia,1,2022,3,25,226,0,126443991,5,0,4,0,1,84,E,Minor,71,63,45,45,0,11,3,https://i.scdn.co/image/ab67616d0000b273ab621620bbfb20009cdc855e +RUMBAT�,Daddy Yankee,1,2022,3,25,1264,0,157990698,20,4,52,0,1,95,D#,Minor,69,90,91,6,0,35,4,Not Found +sentaDONA (Remix) s2,"Lu��sa Sonza, MC Frog, Dj Gabriel do Borel, Davi K",4,2022,3,17,870,0,176290831,32,0,49,0,0,135,D#,Minor,93,77,45,25,0,13,27,Not Found +Falling,Harry Styles,1,2019,12,13,7556,0,1023187129,124,24,254,0,8,110,E,Major,57,6,27,84,0,9,3,https://i.scdn.co/image/ab67616d0000b27377fdcfda6535601aff081b6a +Sigue,"Ed Sheeran, J Balvin",2,1996,11,24,1370,0,106933107,46,8,60,0,0,88,G,Major,89,59,64,5,0,19,7,Not Found +Fim de Semana no Rio,teto,1,2022,3,30,315,2,139193812,27,2,31,0,0,119,C#,Minor,87,28,50,12,0,10,10,https://i.scdn.co/image/ab67616d0000b273acb087ed5213035b71ef7a80 +MANIAC,Stray Kids,1,2022,3,18,651,0,212234990,6,188,20,0,0,120,C#,Major,58,71,80,15,0,7,41,https://i.scdn.co/image/ab67616d0000b2733613e1e0d35867a0814005a9 +There's Nothing Holdin' Me Back,Shawn Mendes,1,2016,9,23,12382,0,1714490998,229,57,"1,370",2,71,122,D,Major,86,97,80,36,0,9,6,https://i.scdn.co/image/ab67616d0000b273ea3ef7697cfd5705b8f47521 +IDGAF (with blackbear),"Blackbear, BoyWithUke",2,2022,3,18,625,0,197643795,10,2,13,0,1,98,F,Major,78,83,75,41,0,27,8,Not Found +Golden,Harry Styles,1,2019,12,13,8429,1,807015863,85,24,200,0,2,140,E,Minor,45,25,84,21,0,13,6,https://i.scdn.co/image/ab67616d0000b27377fdcfda6535601aff081b6a +Get Lucky - Radio Edit,"Pharrell Williams, Nile Rodgers, Daft Punk",3,2013,1,1,52898,0,933815613,203,1,"8,215",0,0,116,F#,Minor,79,87,81,4,0,10,4,Not Found +Ain't Shit,Doja Cat,1,2021,6,25,3436,0,499710590,32,6,46,0,1,124,D#,Major,86,62,49,51,0,35,21,Not Found +"Nobody Like U - From ""Turning Red""","Jordan Fisher, Josh Levi, Finneas O'Connell, 4*TOWN (From Disney and Pixar���s Turning Red), Topher Ngo, Grayson Vill",6,2022,2,25,918,0,120847157,34,39,30,0,0,105,A,Minor,91,73,72,13,0,9,15,Not Found +Still Life,BIGBANG,1,2022,4,5,181,0,53909146,16,14,7,0,0,118,G#,Major,68,24,58,44,0,6,3,https://i.scdn.co/image/ab67616d0000b273eb136d1be54b1ef8273c0699 +Photograph,Ed Sheeran,1,2014,6,20,18778,3,2236667932,228,105,"2,453",0,84,108,E,Major,61,20,38,61,0,10,5,https://i.scdn.co/image/ab67616d0000b27313b3e37318a0c247b550bccd +Love Yourself,Justin Bieber,1,2015,11,9,22730,5,2123309722,289,87,"2,430",0,36,100,E,Major,61,53,38,84,0,28,44,https://i.scdn.co/image/ab67616d0000b273f46b9d202509a8f7384b90de +N95,Kendrick Lamar,1,2022,5,13,5542,0,301242089,52,16,65,0,206,140,D#,Minor,81,39,66,38,0,12,14,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +About Damn Time,Lizzo,1,2022,4,14,9021,0,723894473,242,49,272,21,24,109,A#,Minor,84,72,74,10,0,34,7,https://i.scdn.co/image/ab67616d0000b273b817e721691aff3d67f26c04 +Die Hard,"Kendrick Lamar, Blxst, Amanda Reifer",3,2022,5,13,4627,0,237351106,38,13,32,0,0,101,C#,Minor,78,40,74,36,0,17,27,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Despu��s de la P,Bad Bunny,1,2022,5,6,2229,0,461558540,27,44,24,0,5,78,F,Major,56,61,90,36,0,18,31,Not Found +Un Ratito,Bad Bunny,1,2022,5,6,1112,6,417230415,7,30,13,1,1,93,,Minor,79,22,55,31,0,12,5,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +United In Grief,Kendrick Lamar,1,2022,5,13,2575,0,156898322,4,5,12,0,51,87,G#,Major,52,32,83,24,0,17,43,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Father Time (feat. Sampha),"Kendrick Lamar, Sampha",2,2022,5,13,3107,0,127309180,4,0,22,0,0,153,A#,Minor,55,50,78,19,0,11,35,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Yo No Soy Celoso,Bad Bunny,1,2022,5,6,1179,0,313113297,7,21,11,0,0,142,,Major,87,93,59,28,0,17,5,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +Rich Spirit,Kendrick Lamar,1,2022,5,13,3486,0,173702135,20,10,33,0,0,96,A#,Minor,85,41,43,39,0,12,21,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Cooped Up (with Roddy Ricch),"Post Malone, Roddy Ricch",2,2022,5,12,2942,0,271666301,42,28,43,0,0,125,,Major,50,39,78,4,0,11,33,https://i.scdn.co/image/ab67616d0000b27334362676667a4322838ccc97 +Me Fui de Vacaciones,Bad Bunny,1,2022,5,6,1443,0,305650299,9,11,22,1,0,85,A#,Major,71,43,65,23,0,9,5,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +Silent Hill,"Kendrick Lamar, Kodak Black",2,2022,5,13,3028,0,123216717,22,0,23,0,0,140,C#,Minor,92,78,57,46,0,14,9,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +La Corriente,"Tony Dize, Bad Bunny",2,2022,5,6,1796,8,479655659,8,25,18,1,0,196,B,Minor,66,58,79,23,0,22,20,Not Found +Count Me Out,Kendrick Lamar,1,2022,5,13,2729,0,126191104,3,7,13,0,1,134,G,Major,78,51,43,69,0,14,9,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Andrea,"Buscabulla, Bad Bunny",2,2022,5,6,1195,0,344055883,8,30,13,1,1,103,C#,Minor,80,45,62,76,0,10,38,Not Found +Dos Mil 16,Bad Bunny,1,2022,5,6,892,3,338422004,10,24,11,0,0,130,C#,Major,82,50,67,12,0,13,5,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +We Cry Together,"Kendrick Lamar, Taylour Paige",2,2022,5,13,1635,0,68895644,4,1,6,0,0,108,B,Major,65,52,69,31,0,8,36,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Savior,"Kendrick Lamar, Sam Dew, Baby Keem",3,2022,5,13,2291,0,86176890,9,0,8,0,0,123,G#,Major,61,66,71,53,0,32,46,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Un Coco,Bad Bunny,1,2022,5,6,1029,28,403231558,5,28,9,0,0,152,B,Major,84,74,69,21,0,18,6,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +Otro Atardecer,"Bad Bunny, The Mar�ï",2,2022,5,6,1681,7,319546754,10,30,13,0,33,108,D,Major,78,55,60,59,0,7,4,Not Found +Worldwide Steppers,Kendrick Lamar,1,2022,5,13,1480,0,61739839,1,0,5,0,0,72,A#,Minor,56,56,47,76,0,8,36,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Aguacero,Bad Bunny,1,2022,5,6,829,0,283359161,4,15,10,0,0,121,F#,Minor,86,67,65,42,0,35,7,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +Purple Hearts,"Kendrick Lamar, Ghostface Killah, Summer Walker",3,2022,5,13,2308,0,76831876,7,0,7,0,0,138,D#,Minor,57,71,82,19,0,15,29,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Un Verano Sin Ti,Bad Bunny,1,2022,5,6,1004,1,283332261,8,12,9,0,0,188,F,Minor,50,41,50,69,0,12,6,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +ULTRA SOLO,"Polima WestCoast, Pailita",2,2022,2,14,1367,0,307752576,48,4,34,1,0,110,C#,Major,80,26,85,23,0,11,21,https://i.scdn.co/image/ab67616d0000b27353f35bf4da7e552b28d409dd +Ens����ame ,Bad Bunny,1,2022,5,6,1112,3,279737940,7,25,12,0,0,105,G#,Major,81,77,79,19,0,47,8,Not Found +El Apag�,Bad Bunny,1,2022,5,6,1209,0,212351890,9,7,14,0,1,118,G#,Major,63,60,70,5,0,9,31,Not Found +Callaita,"Bad Bunny, Tainy",2,2019,5,31,9539,15,1304313953,162,116,355,7,0,176,D,Major,61,24,62,60,0,24,31,https://i.scdn.co/image/ab67616d0000b2734aef420e62863ebf622c27f5 +Dua Lipa,Jack Harlow,1,2022,5,6,1992,0,150500965,35,0,3,0,0,158,B,Major,83,41,65,0,10,11,8,https://i.scdn.co/image/ab67616d0000b2738e55edb69ca44a25b52b17bb +Agosto,Bad Bunny,1,2022,5,6,897,0,246127838,6,20,8,0,0,115,C#,Minor,85,72,58,9,0,49,12,https://i.scdn.co/image/ab67616d0000b27349d694203245f241a1bcaa72 +House Of Memories,Panic! At The Disco,1,2016,1,15,2948,0,582863434,10,2,150,0,0,110,B,Minor,51,48,82,0,0,5,3,https://i.scdn.co/image/ab67616d0000b27323152d9337d6c57b116ed13a +Mr. Morale,"Kendrick Lamar, Tanna Leone",2,2022,5,13,1860,0,58687425,1,0,3,0,0,174,A,Major,73,26,54,30,0,34,32,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +That That (prod. & feat. SUGA of BTS),"PSY, Suga",2,2022,4,29,802,0,212109195,16,81,23,0,0,130,E,Major,91,91,96,3,0,3,9,https://i.scdn.co/image/ab67616d0000b273b5c128b71507ef309ff4912e +In The Stars,Benson Boone,1,2022,4,29,2224,8,382199619,48,40,87,1,210,78,A#,Major,36,30,54,34,0,14,5,https://i.scdn.co/image/ab67616d0000b273786e4e2c43c2897fafabbfb6 +Rich - Interlude,Kendrick Lamar,1,2022,5,13,1103,0,41210087,0,0,0,0,0,104,G,Major,44,74,42,88,0,9,9,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +SUPERMODEL,M��ne,1,2022,5,13,2265,0,231657891,93,12,173,11,3,121,G,Major,64,80,88,0,0,12,6,Not Found +Stefania (Kalush Orchestra),KALUSH,1,2022,3,10,555,0,53729194,10,4,4,0,0,105,D,Major,83,32,82,14,0,12,4,https://i.scdn.co/image/ab67616d0000b2739e9968776683d0a7099e2930 +Thousand Miles,The Kid Laroi,1,2022,4,22,2050,0,244741137,52,9,46,0,1,81,G,Major,38,20,66,9,0,9,8,https://i.scdn.co/image/ab67616d0000b27386322307ddfb6e9c87b82d39 +Crown,Kendrick Lamar,1,2022,5,13,1493,0,42485571,2,0,10,0,0,170,C#,Minor,37,14,24,80,0,11,4,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Auntie Diaries,Kendrick Lamar,1,2022,5,13,1545,0,37778188,1,0,4,0,0,78,G,Major,43,60,38,76,1,48,38,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +PUFFIN ON ZOOTIEZ,Future,1,2022,4,29,2350,0,254218729,28,42,23,0,0,125,G#,Major,88,28,66,6,0,13,31,https://i.scdn.co/image/ab67616d0000b27386badd635b69aea887862214 +Mirror,Kendrick Lamar,1,2022,5,13,1929,0,53603447,2,0,4,0,0,92,E,Minor,66,29,65,23,0,8,7,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Beautiful Girl,Luciano,1,2022,4,22,710,4,160035717,16,11,18,0,0,140,B,Minor,84,61,42,31,0,9,9,https://i.scdn.co/image/ab67616d0000b2731471ae084d0835cfc320fa6a +"Paulo Londra: Bzrp Music Sessions, Vol. 23","Bizarrap, Paulo Londra",2,2022,4,25,928,0,164163229,19,0,7,0,0,96,,Major,61,32,90,25,0,10,9,https://i.scdn.co/image/ab67616d0000b27342f5c9660f46df77e7ab71be +Savior - Interlude,Kendrick Lamar,1,2022,5,13,1194,0,37091576,0,0,3,0,0,118,F,Minor,66,83,43,84,0,19,19,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +Pasoori,"Shae Gill, Ali Sethi",2,2022,2,6,349,6,284249832,10,22,3,0,0,92,B,Minor,71,67,60,7,0,6,4,https://i.scdn.co/image/ab67616d0000b2733f3d35703bdcd917dad51c4f +Mother I Sober (feat. Beth Gibbons of Portishead),"Kendrick Lamar, Beth Gibbons",2,2022,5,13,1890,0,33381454,3,0,2,0,0,140,G#,Minor,49,50,37,87,0,11,35,https://i.scdn.co/image/ab67616d0000b2732e02117d76426a08ac7c174f +TUS L��GR,"Sech, Mora",2,2022,4,1,1308,2,184622518,23,16,9,0,5,174,C#,Major,68,45,71,18,0,11,25,Not Found +Where Did You Go?,"MNEK, Jax Jones",2,2022,1,26,4531,0,300983101,135,74,119,1,18,127,A#,Major,77,53,78,19,0,29,4,Not Found +I Tried to Tell Y'all,"Ugly Dray, Tesla Jnr",2,2022,5,6,1657,0,121077868,15,3,3,0,0,96,B,Major,71,37,52,62,0,11,36,Not Found +Honest (feat. Don Toliver),"Justin Bieber, Don Toliver",2,2022,4,29,1351,0,106919680,26,1,17,0,0,150,G#,Minor,82,82,66,13,0,11,6,https://i.scdn.co/image/ab67616d0000b27377f7f8553ace10f4d9347872 +ZOOM,Jessi,1,2022,4,13,608,0,136996305,5,29,14,0,0,100,F#,Major,87,46,60,1,0,13,16,https://i.scdn.co/image/ab67616d0000b273c4197378ef8cb88888716bca +SloMo,Chanel,1,2021,12,24,1211,0,65719930,31,0,19,0,2,105,C#,Minor,73,59,81,13,0,9,6,https://i.scdn.co/image/ab67616d0000b273e72e1154ce7b6314ba087b0e +FEARLESS,LE SSERAFIM,1,2022,5,2,629,0,229497852,18,75,9,0,0,104,G,Major,86,43,62,5,0,13,14,https://i.scdn.co/image/ab67616d0000b2739030184114911536d5f77555 +10 Things I Hate About You,Leah Kate,1,2022,3,23,1301,0,185550869,23,1,15,0,0,154,G#,Major,54,45,79,1,0,17,5,https://i.scdn.co/image/ab67616d0000b273596a9d381ffda7d97da5d702 +SPACE MAN,Sam Ryder,1,2022,2,22,1329,0,54682594,42,51,32,0,0,80,B,Major,47,33,83,18,0,10,5,https://i.scdn.co/image/ab67616d0000b273b406a48f0b5f4485044dd279 +With you,"HA SUNG WOON, Jimin",2,2022,4,24,343,2,240580042,4,35,11,1,1,150,D#,Major,53,14,43,64,0,13,3,Not Found +Iris,The Goo Goo Dolls,1,1998,3,31,13101,9,1284942608,137,5,582,0,0,156,B,Minor,32,49,72,0,0,9,4,https://i.scdn.co/image/ab67616d0000b273eda9478c39a21e1cdc6609ca +The Heart Part 5,Kendrick Lamar,1,2022,5,8,2939,0,71423324,29,0,30,0,0,98,G#,Minor,76,79,81,18,0,6,34,https://i.scdn.co/image/ab67616d0000b27389877ffdd584dc9b7168044b +San Lucas,Kevin Kaarl,1,2019,11,7,407,1,244891912,5,0,5,0,0,92,G,Major,58,27,36,86,0,9,3,https://i.scdn.co/image/ab67616d0000b2733e4b5368bf7ad20f19cc4812 +This Love (Taylor���s Ve,Taylor Swift,1,2022,5,6,1492,0,132171975,26,2,15,0,2,144,E,Major,47,7,50,32,0,7,4,Not Found +Good Looking,Suki Waterhouse,1,2017,10,20,2264,0,184706613,11,6,25,0,1,150,E,Major,37,27,56,8,0,13,3,https://i.scdn.co/image/ab67616d0000b27343bff43a592efe047d2ab9ff +Flowers,Lauren Spencer Smith,1,2021,8,9,801,0,184826429,42,9,24,1,1,138,D#,Major,70,31,44,84,0,9,39,https://i.scdn.co/image/ab67616d0000b273295d21d0987dcc3d88b4e993 +Yet To Come,BTS,1,2022,6,10,829,0,302006641,32,110,26,0,0,172,C#,Major,56,68,89,4,0,33,19,https://i.scdn.co/image/ab67616d0000b27317db30ce3f081d6818a8ad49 +Run BTS,BTS,1,2022,6,10,736,0,330881149,5,132,17,0,3,77,G#,Major,72,70,82,2,0,4,17,https://i.scdn.co/image/ab67616d0000b27317db30ce3f081d6818a8ad49 +Music For a Sushi Restaurant,Harry Styles,1,2022,5,20,4449,1,334733572,80,11,66,0,1,107,B,Major,72,36,72,26,6,11,4,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Matilda,Harry Styles,1,2022,5,20,3218,3,366214458,29,10,79,0,0,114,D,Major,51,39,29,90,0,10,4,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +For Youth,BTS,1,2022,6,10,327,0,114546317,5,40,12,0,0,117,D,Major,63,29,51,43,0,25,4,https://i.scdn.co/image/ab67616d0000b27317db30ce3f081d6818a8ad49 +Daylight,Harry Styles,1,2022,5,20,2775,0,290833204,21,11,40,0,0,146,,Major,69,63,45,48,0,18,4,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Vegas (From the Original Motion Picture Soundtrack ELVIS),Doja Cat,1,2022,5,6,4576,0,448500832,79,13,93,0,17,160,G#,Minor,80,74,60,8,0,14,26,https://i.scdn.co/image/ab67616d0000b273cada88daf56a282fb18ecf7f +Cash In Cash Out,"Pharrell Williams, Tyler, The Creator, 21 Savage",4,2022,6,10,2313,0,136676504,34,0,29,0,0,120,G,Major,88,15,56,1,0,8,6,https://i.scdn.co/image/ab67616d0000b2738f0df54fd6043164d7c07ae3 +Potion (with Dua Lipa & Young Thug),"Calvin Harris, Dua Lipa, Young Thug",3,2022,5,27,3983,0,190625045,73,45,119,0,0,100,B,Minor,82,76,70,16,0,8,5,https://i.scdn.co/image/ab67616d0000b273210dbb988be90592f4e0a4bd +Born Singer,BTS,1,2022,6,10,279,0,79095270,0,18,6,0,0,158,G#,Minor,60,68,84,4,0,24,11,https://i.scdn.co/image/ab67616d0000b27317db30ce3f081d6818a8ad49 +Little Freak,Harry Styles,1,2022,5,20,2302,0,273194684,20,3,39,0,0,142,D#,Major,56,40,54,72,0,10,4,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +La Llevo Al Cielo (Ft. ��engo F,"Nengo Flow, Anuel Aa, Chris Jedi, Chencho Corleone",4,2022,5,20,3559,3,333146475,36,1,31,0,1,170,A,Minor,80,77,85,11,0,17,14,Not Found +True Love,"Kanye West, XXXTENTACION",2,2022,5,27,2129,0,194902696,23,1,44,1,0,84,F,Minor,71,39,86,2,0,51,25,https://i.scdn.co/image/ab67616d0000b273f52f6a4706fea3bde44467c3 +Satellite,Harry Styles,1,2022,5,20,3291,5,311482393,43,28,79,0,208,139,,Major,58,30,46,14,0,9,3,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Pass The Dutchie,Musical Youth,1,1982,1,1,5328,0,195918494,54,76,900,0,0,151,G,Major,73,88,67,20,0,32,5,https://i.scdn.co/image/ab67616d0000b27392a9d95df51a8d84f90166a6 +"Villano Antillano: Bzrp Music Sessions, Vol. 51","Bizarrap, Villano Antillano",2,2022,6,8,1401,0,248511839,26,16,17,0,1,128,C#,Minor,82,42,75,6,0,63,6,https://i.scdn.co/image/ab67616d0000b273ab7954fdffcef5bb8e052f28 +Love Of My Life,Harry Styles,1,2022,5,20,1933,0,233671263,13,2,31,0,0,118,G,Major,56,20,54,67,0,6,5,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Grapejuice,Harry Styles,1,2022,5,20,1986,0,199587884,7,1,15,0,0,183,F,Major,65,88,72,36,14,20,3,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +So Good,Halsey,1,2022,6,9,1057,0,91781263,51,14,19,0,0,83,D#,Minor,63,29,62,4,0,18,4,https://i.scdn.co/image/ab67616d0000b27339e6616a499bc092f469cae0 +Belly Dancer,"BYOR, Imanbek",2,2022,2,18,5115,13,383835984,109,38,301,1,33,122,C#,Major,85,42,80,6,0,17,14,Not Found +Keep Driving,Harry Styles,1,2022,5,20,2094,1,236060709,8,1,18,0,0,165,A,Major,72,90,48,32,0,18,23,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Cinema,Harry Styles,1,2022,5,20,2171,0,189236868,18,1,28,0,0,106,A,Minor,83,90,64,35,5,9,4,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Die Young (feat. 347aidan),"Sleepy hallow, 347aidan",2,2022,5,25,896,0,160845341,19,0,15,0,0,77,B,Major,81,68,58,83,0,11,34,https://i.scdn.co/image/ab67616d0000b273e44e304f52a82a3463ce5761 +Only Love Can Hurt Like This,Paloma Faith,1,2014,1,1,5148,0,588955257,90,22,365,0,114,91,G#,Major,57,30,89,10,0,33,8,https://i.scdn.co/image/ab67616d0000b273c4576f635253db511bb43789 +Hold My Hand,Lady Gaga,1,2022,5,3,2528,0,238350348,63,8,270,2,105,148,G,Major,51,21,63,5,0,41,3,https://i.scdn.co/image/ab67616d0000b273b7e7edfee5626b7b1f15192a +Daydreaming,Harry Styles,1,2022,5,20,1900,1,187703102,15,1,23,0,0,114,E,Minor,71,90,81,31,2,13,3,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +Numb,"Marshmello, Khalid",2,2022,6,10,3879,2,295307001,107,76,86,1,9,120,,Minor,91,63,77,12,1,10,5,https://i.scdn.co/image/ab67616d0000b2732ff34dbc50313f8cea7b5db5 +Nos Comemos (feat. Ozuna),"Ozuna, Tiago pzk",2,2022,6,2,896,0,138334433,0,0,2,0,0,92,F#,Major,83,56,82,10,0,9,5,Not Found +Me and Your Mama,Childish Gambino,1,2016,11,10,8775,0,445590495,33,60,107,1,0,118,F,Major,56,25,45,1,3,7,3,https://i.scdn.co/image/ab67616d0000b2737582716b3666a5235d5af4ea +Crazy What Love Can Do,"David Guetta, Ella Henderson, Becky Hill",3,2022,3,18,5290,0,286739476,139,73,142,0,5,123,E,Minor,60,46,71,3,0,16,4,https://i.scdn.co/image/ab67616d0000b273ef4ed3c74eb9eac3754b60d2 +SLOW DANCING IN THE DARK,Joji,1,2018,9,12,10211,0,1122364376,38,79,65,0,1,89,D#,Major,52,28,48,54,1,19,3,https://i.scdn.co/image/ab67616d0000b27360ba1d6104d0475c7555a6b2 +Antes de Perderte,Duki,1,2022,6,2,584,8,157136970,12,1,8,0,1,110,F,Minor,81,61,93,49,0,12,11,https://i.scdn.co/image/ab67616d0000b273e63232b00577a053120ca08f +Boyfriends,Harry Styles,1,2022,5,20,1517,0,137070925,26,2,30,0,0,118,,Major,42,32,20,94,0,11,4,https://i.scdn.co/image/ab67616d0000b2732e8ed79e177ff6011076f5f0 +295,Sidhu Moose Wala,1,2021,5,15,246,4,183273246,4,106,0,0,7,90,B,Minor,68,54,76,21,0,11,20,https://i.scdn.co/image/ab67616d0000b2731d1cc2e40d533d7bcebf5dae +Tak Ingin Usai,Keisya Levronka,1,2022,5,13,220,4,184807630,16,5,0,0,6,130,,Major,49,14,40,82,0,11,3,https://i.scdn.co/image/ab67616d0000b2738fa475b368164ab5eebe1a8d +En El Radio Un Cochinero,Victor Cibrian,1,2022,5,13,514,0,164856284,5,36,1,0,0,154,F#,Minor,70,97,62,47,0,10,4,https://i.scdn.co/image/ab67616d0000b273665cfd5826ac132eb42262d3 +Master of Puppets (Remastered),Metallica,1,1986,3,3,6080,0,704171068,112,198,406,1,0,105,E,Minor,54,59,83,0,44,20,4,https://i.scdn.co/image/ab67616d0000b273cad4832cb7b5844343278daa +BREAK MY SOUL,Beyoncï¿,1,2022,6,21,9724,0,354614964,222,61,259,14,2,115,C#,Minor,70,87,88,4,0,26,8,Not Found +ULTRA SOLO REMIX,"De La Ghetto, Feid, Polima WestCoast, Paloma Mami, Pailita",5,2022,6,16,2341,0,279717388,37,2,38,2,0,110,C#,Major,91,59,82,8,0,6,8,Not Found +Massive,Drake,1,2022,6,17,5263,0,195628667,66,89,61,0,11,125,E,Minor,51,5,68,12,2,15,6,https://i.scdn.co/image/ab67616d0000b2738dc0d801766a5aa6a33cbe37 +Betty (Get Money),Yung Gravy,1,2022,6,10,2402,0,221752937,45,2,26,0,1,102,C#,Major,73,62,75,0,0,34,8,https://i.scdn.co/image/ab67616d0000b273633674a4e5072dabf5173069 +Ojos Marrones,Lasso,1,2022,2,6,795,11,263280370,26,18,15,1,4,120,G#,Minor,81,72,65,4,0,14,4,https://i.scdn.co/image/ab67616d0000b273c6fbbdf9c172f4f68a89198a +POP!,Nayeon,1,2022,6,24,571,0,213505179,19,21,14,0,2,97,D,Major,80,36,86,4,0,3,5,https://i.scdn.co/image/ab67616d0000b2735fb4a9cfbeb3b7beb337ed02 +Layla,"Sch��rze, DJ R",2,2022,3,24,832,3,130419412,18,124,24,1,0,140,F,Minor,44,41,92,0,0,44,7,Not Found +MORE,j-hope,1,2022,7,1,565,0,155795783,6,52,11,0,0,97,D,Major,78,31,72,1,0,11,4,https://i.scdn.co/image/ab67616d0000b273ce5bba40b16f887e0461c6e2 +Sweet Child O' Mine,Guns N' Roses,1,1987,1,1,41231,1,1553497987,228,151,"6,720",3,99,125,F#,Major,45,67,90,9,11,10,5,https://i.scdn.co/image/ab67616d0000b27321ebf49b3292c3f0f575f0f5 +Last Last,Burna Boy,1,2022,5,12,4526,12,293466523,156,275,150,3,128,88,D#,Minor,80,55,56,13,0,8,9,https://i.scdn.co/image/ab67616d0000b27312ebde47882280b814275600 +SNAP,Rosa Linn,1,2022,3,19,1818,0,711366595,3,0,63,0,353,170,,Major,56,52,64,11,0,45,7,https://i.scdn.co/image/ab67616d0000b2731391b1fdb63da53e5b112224 +Sticky,Drake,1,2022,6,17,2814,0,191448892,38,105,25,0,2,137,A#,Minor,88,8,49,9,0,9,14,https://i.scdn.co/image/ab67616d0000b2738dc0d801766a5aa6a33cbe37 +Hot Shit (feat. Ye & Lil Durk),"Kanye West, Lil Durk, Cardi B",3,2022,7,1,1601,0,85924992,11,0,2,0,0,157,A,Major,88,52,69,0,0,8,23,https://i.scdn.co/image/ab67616d0000b273b629e669238964a725937c1b +Ai Preto,"L7nnon, DJ Biel do Furduncinho, Bianca",3,2022,6,3,894,4,176103902,28,0,54,0,0,130,F#,Major,95,83,57,54,0,10,25,https://i.scdn.co/image/ab67616d0000b27302c3ff07d407f3e30c395243 +La Loto,"Anitta, Tini, Becky G",3,2022,7,6,945,0,121189256,49,3,57,0,0,90,C#,Major,85,80,83,10,0,8,11,Not Found +die first,Nessa Barrett,1,2022,6,24,767,0,131746175,25,0,22,0,0,183,G#,Minor,44,44,67,7,0,12,13,https://i.scdn.co/image/ab67616d0000b273fe6b11174f7eaddd74e870e0 +Afraid To Feel,LF System,1,2022,5,2,5898,5,244790012,129,55,128,0,101,128,C#,Major,58,68,91,2,0,27,11,https://i.scdn.co/image/ab67616d0000b273ced808ef1567eaf901041438 +Baile no Morro,"Mc Vitin Da Igrejinha, MC Tairon, DJ Win",3,2022,6,10,685,2,129314708,17,0,24,0,30,130,D#,Minor,71,78,40,46,0,7,45,https://i.scdn.co/image/ab67616d0000b27352cf91ed2a3ed757c6faaa8a +c��mo dormi,Rels B,1,2022,8,4,1452,35,331511413,16,15,20,0,0,126,C#,Major,63,56,43,24,0,12,23,Not Found +Bad Decisions (with BTS & Snoop Dogg),"Snoop Dogg, BTS, Benny Blanco",3,2022,8,5,1456,0,219196651,53,2,33,0,0,120,,Major,77,94,87,2,0,23,12,https://i.scdn.co/image/ab67616d0000b2738c47a33a55c6d23cc9d2cf3f +STAYING ALIVE (feat. Drake & Lil Baby),"Drake, DJ Khaled, Lil Baby",3,2022,8,5,2107,0,170732845,51,1,50,0,0,130,E,Minor,72,18,46,7,0,28,8,https://i.scdn.co/image/ab67616d0000b273b690b30a50c94c6da49ba948 +Caile,Luar La L,1,2020,12,18,1494,2,273914335,17,12,15,0,0,122,,Major,70,46,76,30,0,9,45,https://i.scdn.co/image/ab67616d0000b27305c2cc3e87e9aa15d9db3dd9 +Si Te La Encuentras Por Ahï¿,Feid,1,2022,8,5,1379,4,179061440,23,10,18,0,0,172,G#,Minor,74,46,58,15,0,13,8,https://i.scdn.co/image/ab67616d0000b273b47e7b6440836be413b84c34 +GIVENCHY,Duki,1,2022,7,20,625,4,185236961,13,18,12,0,0,103,G#,Major,61,38,62,14,0,23,40,https://i.scdn.co/image/ab67616d0000b273b661d9d73921e40ae97cb5e4 +ALIEN SUPERSTAR,Beyoncï¿,1,2022,7,29,2688,0,171788484,39,47,36,0,0,122,A#,Minor,55,46,64,0,0,17,10,Not Found +Mary On A Cross,Ghost,1,2019,9,13,2668,2,387080183,38,266,78,0,141,130,B,Major,47,56,90,0,0,10,4,https://i.scdn.co/image/ab67616d0000b273bef9b0a348ea8dd18a581025 +Attention,NewJeans,1,2022,8,1,799,12,264717480,14,141,9,0,1,105,A#,Minor,81,70,65,24,0,8,4,https://i.scdn.co/image/ab67616d0000b2739d28fd01859073a3ae6ea209 +THE SHADE,Rex Orange County,1,2022,3,11,1189,6,244928911,17,10,16,0,4,120,F,Major,90,73,51,39,0,9,6,https://i.scdn.co/image/ab67616d0000b2735b656d32ea6b0b9c54c2d2e0 +"Come Back Home - From ""Purple Hearts""",Sofia Carson,1,2022,7,12,367,0,97610446,28,67,195,0,0,145,G,Major,56,43,53,24,0,12,4,https://i.scdn.co/image/ab67616d0000b27326af6664e24916047b68ab81 +El Rescate,"Grupo Marca Registrada, Junior H",2,2022,7,22,527,4,287278853,10,43,3,1,0,99,G,Minor,79,64,59,28,0,11,14,https://i.scdn.co/image/ab67616d0000b2731857fd24035428986c831a7f +Heartless,Kanye West,1,2008,1,1,17504,34,887906111,63,39,"1,315",0,2,88,A#,Minor,79,66,65,5,0,25,14,https://i.scdn.co/image/ab67616d0000b273346d77e155d854735410ed18 +"Stay With Me (with Justin Timberlake, Halsey, & Pharrell)","Calvin Harris, Halsey, Pharrell Williams, Justin Timberlake",4,2022,7,15,3113,0,123473120,54,6,124,1,0,126,A,Major,81,90,73,28,0,29,4,https://i.scdn.co/image/ab67616d0000b2739b93a80dbfd3d789065d7b67 +Siempre Pendientes,"Peso Pluma, Luis R Conriquez",2,2022,8,15,685,5,295152154,15,79,4,2,0,136,,Major,77,71,75,33,1,13,4,https://i.scdn.co/image/ab67616d0000b273093a2563368d844b2a91306f +JGL,"Luis R Conriquez, La Adictiva",2,2022,2,18,782,9,323455692,15,33,6,1,0,113,G#,Major,70,97,59,55,0,27,12,Not Found +Don't You Worry,"David Guetta, Shakira, Black Eyed Peas",3,2022,6,16,2442,0,240918092,81,4,248,1,6,132,B,Major,82,49,88,20,0,21,3,Not Found +Pipoco,"Melody, Ana Castela, Dj Chris No Beat",3,2022,5,20,1112,4,191873381,22,2,65,1,3,135,G#,Major,77,74,74,47,0,34,8,Not Found +Hold Me Closer,"Elton John, Britney Spears",2,2017,11,10,4967,0,284216603,165,10,177,4,73,126,,Major,67,49,77,11,0,19,11,https://i.scdn.co/image/ab67616d0000b2735d872e7b0c1ba964541f07e8 +Forget Me,Lewis Capaldi,1,2022,9,9,2520,4,239411309,93,95,84,9,202,102,C#,Minor,67,72,74,30,0,36,4,https://i.scdn.co/image/ab67616d0000b2737cdf9838412bb52df6e9a952 +After LIKE,IVE,1,2022,8,22,767,12,265548837,20,129,11,0,12,125,,Major,68,80,92,10,0,9,12,https://i.scdn.co/image/ab67616d0000b27387f53da5fb4ab1171766b2d5 +Bound 2,Kanye West,1,2013,1,1,19806,7,703301727,33,11,274,0,0,149,C#,Major,37,28,66,14,0,9,5,https://i.scdn.co/image/ab67616d0000b2731dacfbc31cc873d132958af9 +B.O.T.A. (Baddest Of Them All) - Edit,"Interplanetary Criminal, Eliza Rose",2,2022,6,15,5153,6,244585109,102,53,113,12,0,137,,Major,74,71,89,24,61,15,5,Not Found +Talk that Talk,TWICE,1,2022,8,26,615,0,189476119,14,77,15,1,2,120,D#,Minor,77,78,91,14,0,33,12,https://i.scdn.co/image/ab67616d0000b273c3040848e6ef0e132c5c8340 +BILLIE EILISH.,Armani White,1,2022,1,20,2537,0,277132266,49,1,67,11,1,100,C#,Major,90,75,50,11,0,9,26,https://i.scdn.co/image/ab67616d0000b2734f8799f23432ad98d522f0ec +Ferxxo 100,Feid,1,2022,6,3,1647,30,278920007,20,49,23,2,2,164,G#,Minor,70,58,57,25,0,15,7,https://i.scdn.co/image/ab67616d0000b273b764865b38a71f70dfd0dbcb +KU LO SA - A COLORS SHOW,Oxlade,1,2022,6,10,2019,8,222410722,117,72,107,1,7,93,A#,Minor,65,79,66,31,0,22,7,https://i.scdn.co/image/ab67616d0000b273948cc9446ba50ec454e6804f +Prohibidox,Feid,1,2022,9,13,1473,12,185392587,25,36,25,1,0,180,C#,Minor,65,52,80,5,0,6,25,https://i.scdn.co/image/ab67616d0000b273b764865b38a71f70dfd0dbcb +Static,Steve Lacy,1,2022,7,15,1613,0,202452860,21,15,13,0,0,79,C#,Major,34,22,31,43,63,10,7,https://i.scdn.co/image/ab67616d0000b27368968350c2550e36d96344ee +The Scientist,Coldplay,1,2002,8,5,30992,6,1608164312,124,25,"7,827",1,0,146,F,Major,56,21,44,73,0,11,2,https://i.scdn.co/image/ab67616d0000b273de09e02aa7febf30b7c02d82 +Sparks,Coldplay,1,2000,7,10,10826,4,624101957,24,0,805,0,0,103,C#,Major,37,17,27,75,5,10,3,https://i.scdn.co/image/ab67616d0000b2733d92b2ad5af9fbc8637425f0 +Talk,YEAT,1,2022,9,2,920,0,148461629,10,1,8,0,0,140,E,Minor,70,26,76,8,0,54,23,https://i.scdn.co/image/ab67616d0000b2737aee5b36a3a60ca926bc429b +XQ Te Pones Asï¿,"Yandel, Feid",2,2022,9,13,308,0,47093942,6,1,6,0,0,92,A#,Major,81,48,70,13,0,15,7,Not Found +Selfish,PnB Rock,1,2016,6,23,2468,0,380319238,15,0,0,0,0,102,C#,Minor,64,4,60,11,0,19,4,https://i.scdn.co/image/ab67616d0000b273e9fb616403542596d3ede300 +Sin Se�ï,"Ovy On The Drums, Quevedo",2,2022,7,22,1097,2,209106362,18,10,13,1,1,118,B,Minor,82,75,85,33,1,11,4,Not Found +Lady Mi Amor,Feid,1,2022,9,13,330,0,53987404,3,0,2,0,0,93,D,Major,78,75,62,6,0,15,6,https://i.scdn.co/image/ab67616d0000b27373456ed697350847810e52b3 +Poland,Lil Yachty,1,2022,6,23,1584,0,115331792,38,0,24,0,0,150,F,Minor,70,26,56,14,83,11,5,https://i.scdn.co/image/ab67616d0000b273615d6910181bc514d4c4b011 +THE LONELIEST,M��ne,1,2022,10,7,1585,5,225093344,78,65,328,1,198,130,D,Major,52,24,60,0,0,8,3,Not Found +Bye Bye,"Marshmello, Juice WRLD",2,2022,10,14,766,0,84697729,16,0,9,0,0,83,D#,Minor,65,24,53,6,0,51,4,https://i.scdn.co/image/ab67616d0000b2734204e8bad640cf32eca876a5 +BABY OTAKU,"Fran C, Polima WestCoast, Nickoog Clk, Pablito Pesadilla",4,2022,8,18,836,0,159240673,14,1,13,0,0,102,A,Major,84,43,75,5,0,6,8,Not Found +Nxde,(G)I-DLE,1,2022,10,17,430,6,170709584,14,116,9,0,11,136,E,Minor,73,65,91,4,0,48,18,https://i.scdn.co/image/ab67616d0000b273ac815bdd584468a7aa0216e1 +Miss You,Southstar,1,1982,5,16,2020,0,154356956,77,10,119,0,40,145,A,Major,66,24,58,17,0,19,5,https://i.scdn.co/image/ab67616d0000b2731b5f2557a7fe884d0e3d8b2a +we fell in love in october,girl in red,1,2018,11,21,6858,0,723043854,31,21,15,0,4,130,G,Major,57,24,37,11,18,16,3,https://i.scdn.co/image/ab67616d0000b273d6839051c4760457e1a60b2a +2 Be Loved (Am I Ready),Lizzo,1,2022,7,14,3682,6,247689123,41,0,158,2,68,156,G,Major,72,92,77,9,0,8,11,https://i.scdn.co/image/ab67616d0000b273caa75a1b27530c05d8b76675 +Celestial,Ed Sheeran,1,2022,9,29,1639,0,176474912,86,14,80,0,37,123,D,Major,57,50,85,5,0,16,4,https://i.scdn.co/image/ab67616d0000b27300bc0dcf5dd155f73eff5267 +Typa Girl,BLACKPINK,1,2022,9,16,452,10,235549288,2,129,13,0,1,132,G,Major,92,53,62,7,0,63,10,https://i.scdn.co/image/ab67616d0000b2734aeaaeeb0755f1d8a8b51738 +I Really Want to Stay at Your House,"Rosa Walton, Hallie Coggins",2,2020,12,18,668,1,140430339,0,0,31,0,,125,D#,Minor,49,13,74,0,0,9,4,https://i.scdn.co/image/ab67616d0000b273a91a5b301baac1f46e6f30eb +California Breeze,Lil Baby,1,2022,10,14,991,0,85559365,36,38,13,0,3,162,F,Minor,74,22,67,0,0,11,46,https://i.scdn.co/image/ab67616d0000b27366b04b41fa6f8908dce86695 +Bamba (feat. Aitch & BIA),"Luciano, Aitch, B�",3,2022,9,22,869,7,146223492,14,12,12,2,28,138,A#,Major,80,82,81,14,0,13,36,https://i.scdn.co/image/ab67616d0000b27348064ef6df8fad8a52219c32 +Casei Com a Putaria,"MC Ryan SP, Love Funk, Mc Paiva ZS",3,2022,7,1,648,4,187701588,0,0,30,0,0,161,A#,Minor,59,62,60,12,0,5,44,Not Found +Major Distribution,"Drake, 21 Savage",2,2022,11,4,1545,0,154863153,22,7,15,0,0,131,G#,Minor,91,23,55,1,0,7,32,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +Pussy & Millions (feat. Travis Scott),"Drake, Travis Scott, 21 Savage",3,2022,11,4,1930,0,191333656,24,8,17,0,1,122,E,Minor,75,45,63,6,0,35,12,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +Vigilante Shit,Taylor Swift,1,2022,10,21,1948,0,253650850,12,9,16,0,0,80,E,Minor,80,16,28,17,0,12,39,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +Question...?,Taylor Swift,1,2022,10,21,1608,0,223064273,10,3,12,0,0,109,G,Major,75,11,50,20,0,30,17,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +On BS,"Drake, 21 Savage",2,2022,11,4,1338,0,170413877,9,20,7,0,0,158,A,Major,84,33,36,2,0,39,59,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +Mastermind,Taylor Swift,1,2022,10,21,1936,0,218320587,7,5,13,0,0,126,E,Major,66,12,35,55,0,9,14,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +Circo Loco,"Drake, 21 Savage",2,2022,11,4,1794,0,141720999,26,9,17,0,3,104,C#,Major,73,25,61,1,0,32,7,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +Labyrinth,Taylor Swift,1,2022,10,21,1597,0,187339835,6,3,15,0,0,110,,Major,48,15,31,80,22,12,4,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +Spin Bout U,"Drake, 21 Savage",2,2022,11,4,1652,2,198365537,26,52,10,0,95,130,G,Major,77,20,70,1,0,16,5,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +Sweet Nothing,Taylor Swift,1,2022,10,21,1747,0,186104310,9,6,13,0,2,177,,Major,34,39,16,97,0,12,5,https://i.scdn.co/image/ab67616d0000b273bb54dde68cd23e2a268ae0f5 +"Would've, Could've, Should've",Taylor Swift,1,2022,10,21,1715,0,177503916,4,5,8,0,0,158,G,Major,48,55,84,43,0,15,12,https://i.scdn.co/image/ab67616d0000b2737dca066ca62e4ebb583b8058 +Con La Brisa,"Ludwig Goransson, Foudeqush",2,2022,11,4,486,0,71095708,8,1,7,0,0,114,D,Minor,62,25,44,51,33,14,3,Not Found +Privileged Rappers,"Drake, 21 Savage",2,2022,11,4,1007,0,112436403,6,5,3,0,0,144,F,Major,93,62,61,0,0,12,20,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +The Astronaut,Jin,1,2022,10,28,481,9,203436468,10,100,15,1,27,125,F,Major,54,22,76,0,0,14,3,https://i.scdn.co/image/ab67616d0000b27343aaff780ea621da5ce4eb0a +BackOutsideBoyz,Drake,1,2022,11,4,1045,0,93367537,8,5,2,0,0,142,F,Minor,85,40,43,4,0,39,32,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +Broke Boys,"Drake, 21 Savage",2,2022,11,4,1060,0,106249219,3,8,5,0,0,120,D,Major,64,11,53,1,0,25,27,https://i.scdn.co/image/ab67616d0000b27302854a7060fccc1a66a4b5ad +The Great War,Taylor Swift,1,2022,10,21,1274,0,181382590,1,6,11,0,0,96,F,Major,57,55,74,22,0,8,4,https://i.scdn.co/image/ab67616d0000b273e0b60c608586d88252b8fbc0 +My Mind & Me,Selena Gomez,1,2022,11,3,953,0,91473363,61,13,37,1,0,144,A,Major,60,24,39,57,0,8,3,https://i.scdn.co/image/ab67616d0000b2730f5397dc6aa91374897182e0 +Bigger Than The Whole Sky,Taylor Swift,1,2022,10,21,1180,0,121871870,4,0,8,0,0,166,F#,Major,42,7,24,83,1,12,6,https://i.scdn.co/image/ab67616d0000b273e0b60c608586d88252b8fbc0 +A Veces (feat. Feid),"Feid, Paulo Londra",2,2022,11,3,573,0,73513683,2,0,7,0,0,92,C#,Major,80,81,67,4,0,8,6,Not Found +En La De Ella,"Feid, Sech, Jhayco",3,2022,10,20,1320,0,133895612,29,26,17,0,0,97,C#,Major,82,67,77,8,0,12,5,Not Found +Alone,Burna Boy,1,2022,11,4,782,2,96007391,27,18,32,1,0,90,E,Minor,61,32,67,15,0,11,5,https://i.scdn.co/image/ab67616d0000b273992a1f56ac5382848277cff2 diff --git a/elasticnet/tests/test_ElasticNetModel.py b/elasticnet/tests/test_ElasticNetModel.py index 5022c3c..5db080f 100644 --- a/elasticnet/tests/test_ElasticNetModel.py +++ b/elasticnet/tests/test_ElasticNetModel.py @@ -1,19 +1,149 @@ +import numpy as np import csv -import numpy +import sys +import os +from sklearn.datasets import make_classification +from sklearn.model_selection import train_test_split +from sklearn.preprocessing import StandardScaler, OneHotEncoder +from sklearn.compose import ColumnTransformer +from sklearn.pipeline import Pipeline +# Insert the project root directory into the sys.path +sys.path.insert(0, os.path.abspath(os.path.join(os.path.dirname(__file__), '..', '..'))) from elasticnet.models.ElasticNet import ElasticNetModel -def test_predict(): - model = ElasticNetModel() +def load_data(): data = [] - with open("small_test.csv", "r") as file: - reader = csv.DictReader(file) + with open("Spotify_Most_Streamed.csv", 'r', encoding='utf-8') as file: + reader = csv.reader(file) + headers = next(reader) # Assumes the first row might be headers + + # Detects non-numeric columns based on the first data row + first_data_row = next(reader) + numeric_indices = [i for i, value in enumerate(first_data_row) if is_numeric(value)] + + # Check if any numeric columns were detected + if not numeric_indices: + raise ValueError("No numeric columns found in the dataset.") + + # Re-process the first data row after determining numeric columns + data.append([float(first_data_row[i]) for i in numeric_indices]) + + # Process the rest of the file for row in reader: - data.append(row) + try: + data.append([float(row[i]) for i in numeric_indices]) + except ValueError: + # Skip rows with non-numeric values in the numeric columns + continue + + # Converts data to numpy array for easier manipulation + data = np.array(data) + return data[:, :-1], data[:, -1] # Return X and y (last column as target) + +def is_numeric(value): + try: + float(value) + return True + except ValueError: + return False + +def test_with_real_world_data(): + X, y = load_data() + + # Split data into train and test sets + X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42) + + # Standardize the data + scaler = StandardScaler() + X_train = scaler.fit_transform(X_train) + X_test = scaler.transform(X_test) + + # Initialize and train the ElasticNet model + model = ElasticNetModel() + results = model.fit(X_train, y_train) + + # Make predictions on the test set + predictions = results.predict(X_test) + + # Assert predictions have the same length as y_test + assert predictions.shape == y_test.shape, "Mismatch in shape of predictions and y_test" + + # Check accuracy or MAE depending on classification or regression + if np.issubdtype(y.dtype, np.integer): + accuracy = np.mean(predictions == y_test) + assert accuracy >= 0.7, "Accuracy is below the expected threshold of 0.7" + else: + # Calculate Mean Absolute Error for regression + mae = np.mean(np.abs(predictions - y_test)) + std_y = np.std(y) + print(f"Standard Deviation of y: {std_y:.2f}") + assert mae < std_y, f"Model MAE {mae} is higher than expected, should be less than {std_y}" + +def test_elastic_net_pathological_cases(): + # Case 1: High Dimensionality relative to the number of samples + X, y = make_classification(n_samples=10, n_features=100, n_informative=2, n_redundant=98, random_state=42) + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in high dimensionality case" + print("High dimensionality case passed without errors. Sample Predictions:", preds[:5]) + except Exception as e: + print(f"High dimensionality case failed with error: {e}") + + # Case 2: Zero Variance Feature + X = np.array([[1, 2, 3], [1, 2, 3], [1, 2, 3], [1, 2, 3]]) + y = np.array([0, 1, 0, 1]) + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in zero variance feature case" + print("Zero variance feature case passed without errors. Sample Predictions:", preds) + except Exception as e: + print(f"Zero variance feature case failed with error: {e}") + + # Case 3: Perfectly Collinear Features + X = np.array([[1, 2, 4], [1, 2, 4], [2, 4, 8], [2, 4, 8]]) + y = np.array([0, 1, 0, 1]) + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in collinear feature case" + print("Perfect collinearity case passed without errors. Sample Predictions:", preds) + except Exception as e: + print(f"Perfect collinearity case failed with error: {e}") + + # Case 4: Extremely Large Values + X, y = make_classification(n_samples=100, n_features=10, random_state=42) + X = X * 1e10 # Scale features to be very large + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in large values case" + assert np.all(np.isfinite(preds)), "Predictions contain non-finite values in large values case" + print("Large values case passed without errors. Sample Predictions:", preds[:5]) + except Exception as e: + print(f"Large values case failed with error: {e}") + + # Case 5: Extremely Small Values + X, y = make_classification(n_samples=100, n_features=10, random_state=42) + X = X * 1e-10 # Scale features to be very small + try: + model = ElasticNetModel() + results = model.fit(X, y) + preds = results.predict(X) + assert preds.shape == y.shape, "Prediction shape mismatch in small values case" + assert np.all(np.isfinite(preds)), "Predictions contain non-finite values in small values case" + print("Small values case passed without errors. Sample Predictions:", preds[:5]) + except Exception as e: + print(f"Small values case failed with error: {e}") - X = numpy.array([[v for k,v in datum.items() if k.startswith('x')] for datum in data]) - y = numpy.array([[v for k,v in datum.items() if k=='y'] for datum in data]) - results = model.fit(X,y) - preds = results.predict(X) - assert preds == 0.5 +# Example usage +if __name__ == "__main__": + test_with_real_world_data() + test_elastic_net_pathological_cases() \ No newline at end of file diff --git a/elasticnet/tests/test_synthetic_data.py b/elasticnet/tests/test_synthetic_data.py new file mode 100644 index 0000000..8de9ef3 --- /dev/null +++ b/elasticnet/tests/test_synthetic_data.py @@ -0,0 +1,27 @@ +import numpy as np +import sys +import os +# Insert the project root directory into the sys.path +sys.path.insert(0, os.path.abspath(os.path.join(os.path.dirname(__file__), '..', '..'))) +from elasticnet.models.ElasticNet import ElasticNetModel + +def test_data(): + # Create synthetic data + X = np.random.rand(100, 10) + y = (np.sum(X, axis=1) > 5).astype(int) + + # Initialize and train the model + model = ElasticNetModel(alpha=0.01, lambda1=0.05, lambda2=0.05, num_iterations=2000, batch_size=16) + results=model.fit(X, y) + + # Make predictions + X_new = np.random.rand(5, 10) + predictions = results.predict(X_new) + # Assert predictions have correct shape + assert predictions.shape == (5,), "Unexpected shape of predictions" + # Assert predictions are within binary range (0 or 1) for classification + assert np.all((predictions == 0) | (predictions == 1)), "Predictions should be binary" + + +if __name__ == "__main__": + test_data() \ No newline at end of file diff --git a/elasticnet/tests/user_behavior_dataset.csv b/elasticnet/tests/user_behavior_dataset.csv new file mode 100644 index 0000000..be2ed95 --- /dev/null +++ b/elasticnet/tests/user_behavior_dataset.csv @@ -0,0 +1,701 @@ +User ID,Device Model,Operating System,App Usage Time (min/day),Screen On Time (hours/day),Battery Drain (mAh/day),Number of Apps Installed,Data Usage (MB/day),Age,Gender,User Behavior Class +1,Google Pixel 5,Android,393,6.4,1872,67,1122,40,Male,4 +2,OnePlus 9,Android,268,4.7,1331,42,944,47,Female,3 +3,Xiaomi Mi 11,Android,154,4.0,761,32,322,42,Male,2 +4,Google Pixel 5,Android,239,4.8,1676,56,871,20,Male,3 +5,iPhone 12,iOS,187,4.3,1367,58,988,31,Female,3 +6,Google Pixel 5,Android,99,2.0,940,35,564,31,Male,2 +7,Samsung Galaxy S21,Android,350,7.3,1802,66,1054,21,Female,4 +8,OnePlus 9,Android,543,11.4,2956,82,1702,31,Male,5 +9,Samsung Galaxy S21,Android,340,7.7,2138,75,1053,42,Female,4 +10,iPhone 12,iOS,424,6.6,1957,75,1301,42,Male,4 +11,Google Pixel 5,Android,53,1.4,435,17,162,34,Female,1 +12,OnePlus 9,Android,215,5.5,1690,47,641,24,Male,3 +13,OnePlus 9,Android,462,6.2,2303,65,1099,57,Female,4 +14,Xiaomi Mi 11,Android,215,4.9,1662,43,857,43,Male,3 +15,iPhone 12,iOS,189,5.4,1754,53,779,49,Female,3 +16,Google Pixel 5,Android,503,10.4,2571,84,2025,39,Female,5 +17,OnePlus 9,Android,132,3.6,628,32,344,47,Female,2 +18,iPhone 12,iOS,299,5.8,1431,41,985,44,Female,3 +19,Google Pixel 5,Android,81,1.4,558,16,297,26,Female,1 +20,iPhone 12,iOS,577,8.5,2774,89,2192,29,Female,5 +21,Samsung Galaxy S21,Android,93,2.6,681,37,302,45,Female,2 +22,OnePlus 9,Android,576,11.6,2803,82,1553,43,Female,5 +23,Samsung Galaxy S21,Android,423,6.5,2094,65,1372,23,Female,4 +24,Google Pixel 5,Android,292,5.6,1401,46,949,37,Female,3 +25,OnePlus 9,Android,216,4.0,1711,59,748,58,Male,3 +26,Samsung Galaxy S21,Android,91,3.4,1073,38,451,52,Male,2 +27,iPhone 12,iOS,444,7.6,2372,77,1002,29,Male,4 +28,Google Pixel 5,Android,512,10.5,2409,89,1599,33,Male,5 +29,OnePlus 9,Android,452,6.8,2387,77,1456,55,Female,4 +30,Samsung Galaxy S21,Android,412,6.2,1899,78,1384,19,Female,4 +31,Xiaomi Mi 11,Android,260,6.0,1361,44,889,37,Female,3 +32,Xiaomi Mi 11,Android,197,4.6,1660,59,975,25,Male,3 +33,Google Pixel 5,Android,278,4.7,1484,55,917,21,Male,3 +34,Google Pixel 5,Android,46,2.0,457,14,105,58,Male,1 +35,Xiaomi Mi 11,Android,593,10.2,2499,81,1616,38,Female,5 +36,Samsung Galaxy S21,Android,32,1.2,580,19,153,20,Female,1 +37,iPhone 12,iOS,122,3.3,755,30,573,26,Male,2 +38,Samsung Galaxy S21,Android,522,11.2,2808,93,2328,24,Male,5 +39,OnePlus 9,Android,473,6.4,2312,74,1400,40,Male,4 +40,Samsung Galaxy S21,Android,398,6.2,1851,77,1180,23,Male,4 +41,Xiaomi Mi 11,Android,240,4.7,1464,52,708,56,Female,3 +42,OnePlus 9,Android,576,10.1,2447,83,2323,33,Male,5 +43,Samsung Galaxy S21,Android,120,2.1,720,39,392,43,Male,2 +44,Samsung Galaxy S21,Android,152,3.7,993,32,429,18,Male,2 +45,Xiaomi Mi 11,Android,138,2.4,837,21,572,56,Female,2 +46,Xiaomi Mi 11,Android,502,10.9,2476,96,1935,39,Male,5 +47,OnePlus 9,Android,558,8.4,2447,97,1594,22,Female,5 +48,Samsung Galaxy S21,Android,138,3.6,889,25,323,27,Female,2 +49,Google Pixel 5,Android,580,8.2,2623,90,2262,49,Male,5 +50,OnePlus 9,Android,589,8.7,2736,82,1997,49,Male,5 +51,Xiaomi Mi 11,Android,452,7.4,2180,61,1417,54,Female,4 +52,Xiaomi Mi 11,Android,245,5.9,1243,52,885,29,Male,3 +53,Samsung Galaxy S21,Android,125,2.7,690,28,393,27,Female,2 +54,Xiaomi Mi 11,Android,97,2.2,1101,38,375,53,Male,2 +55,Google Pixel 5,Android,516,8.7,2857,83,2189,53,Female,5 +56,iPhone 12,iOS,68,1.6,450,14,111,30,Male,1 +57,OnePlus 9,Android,64,1.1,572,10,161,42,Female,1 +58,OnePlus 9,Android,539,8.4,2796,89,2415,26,Male,5 +59,Xiaomi Mi 11,Android,428,7.0,2306,75,1144,22,Male,4 +60,iPhone 12,iOS,325,7.1,2269,64,1053,56,Male,4 +61,Xiaomi Mi 11,Android,522,11.9,2798,85,1663,28,Female,5 +62,Xiaomi Mi 11,Android,309,7.5,2292,77,1253,57,Female,4 +63,Xiaomi Mi 11,Android,79,1.9,493,14,128,55,Male,1 +64,Xiaomi Mi 11,Android,545,11.5,2911,87,1717,21,Female,5 +65,Samsung Galaxy S21,Android,459,7.0,1982,67,1091,43,Male,4 +66,iPhone 12,iOS,225,4.0,1420,48,917,56,Male,3 +67,iPhone 12,iOS,257,4.5,1705,57,912,55,Male,3 +68,Xiaomi Mi 11,Android,134,4.0,773,35,449,28,Female,2 +69,iPhone 12,iOS,516,10.2,2932,98,1547,31,Male,5 +70,Google Pixel 5,Android,82,1.7,558,16,284,29,Female,1 +71,Samsung Galaxy S21,Android,452,7.2,1808,64,1090,45,Female,4 +72,iPhone 12,iOS,521,9.0,2902,97,1701,37,Male,5 +73,Google Pixel 5,Android,457,6.3,2347,66,1082,22,Male,4 +74,Xiaomi Mi 11,Android,31,1.1,585,11,208,50,Female,1 +75,iPhone 12,iOS,47,2.0,476,14,125,39,Male,1 +76,Xiaomi Mi 11,Android,229,5.7,1305,43,985,23,Female,3 +77,Xiaomi Mi 11,Android,34,2.0,558,14,122,54,Female,1 +78,Google Pixel 5,Android,173,2.5,678,29,301,30,Female,2 +79,Samsung Galaxy S21,Android,78,1.8,333,17,138,51,Female,1 +80,Google Pixel 5,Android,230,5.7,1254,52,989,34,Female,3 +81,OnePlus 9,Android,565,10.6,2475,99,1603,51,Female,5 +82,iPhone 12,iOS,172,2.8,1035,22,549,41,Male,2 +83,Xiaomi Mi 11,Android,330,7.2,2363,77,1133,21,Female,4 +84,Xiaomi Mi 11,Android,39,1.8,368,11,105,19,Male,1 +85,Google Pixel 5,Android,223,4.5,1311,56,695,33,Female,3 +86,Google Pixel 5,Android,404,7.4,2081,63,1352,44,Male,4 +87,Samsung Galaxy S21,Android,151,2.4,1003,25,392,39,Male,2 +88,Samsung Galaxy S21,Android,34,1.5,345,11,276,44,Male,1 +89,Xiaomi Mi 11,Android,137,3.3,839,31,348,34,Female,2 +90,Samsung Galaxy S21,Android,301,6.2,2053,75,1303,45,Male,4 +91,Google Pixel 5,Android,116,2.1,912,39,307,40,Female,2 +92,Google Pixel 5,Android,291,4.1,1474,46,827,32,Female,3 +93,iPhone 12,iOS,84,1.4,501,16,284,56,Female,1 +94,iPhone 12,iOS,134,2.5,1125,24,367,35,Male,2 +95,Samsung Galaxy S21,Android,411,7.5,2169,72,1083,58,Male,4 +96,Xiaomi Mi 11,Android,326,7.2,2243,73,1454,50,Male,4 +97,iPhone 12,iOS,550,9.5,2916,91,1946,20,Male,5 +98,OnePlus 9,Android,516,12.0,2406,82,1968,28,Female,5 +99,Google Pixel 5,Android,59,1.2,361,18,293,25,Female,1 +100,OnePlus 9,Android,225,5.5,1526,44,875,50,Female,3 +101,Google Pixel 5,Android,41,1.1,389,15,136,53,Male,1 +102,OnePlus 9,Android,183,4.1,1210,45,738,19,Male,3 +103,Google Pixel 5,Android,174,2.5,929,37,565,32,Female,2 +104,Xiaomi Mi 11,Android,274,4.2,1781,52,934,28,Male,3 +105,Xiaomi Mi 11,Android,166,2.8,1113,28,360,25,Male,2 +106,Xiaomi Mi 11,Android,66,1.2,585,12,264,36,Male,1 +107,Google Pixel 5,Android,152,2.7,642,38,596,55,Male,2 +108,Google Pixel 5,Android,54,1.4,403,17,278,23,Female,1 +109,Xiaomi Mi 11,Android,187,5.5,1754,55,711,50,Female,3 +110,OnePlus 9,Android,216,6.0,1641,41,889,39,Female,3 +111,OnePlus 9,Android,95,3.8,718,26,459,41,Female,2 +112,Xiaomi Mi 11,Android,488,8.6,2447,84,2344,19,Male,5 +113,Google Pixel 5,Android,295,5.1,1483,45,748,27,Female,3 +114,Samsung Galaxy S21,Android,136,3.2,818,33,404,42,Male,2 +115,Xiaomi Mi 11,Android,471,7.9,2156,76,1324,54,Female,4 +116,iPhone 12,iOS,121,3.2,651,34,596,39,Male,2 +117,iPhone 12,iOS,75,1.2,409,13,281,18,Male,1 +118,iPhone 12,iOS,220,5.2,1631,49,909,27,Female,3 +119,Samsung Galaxy S21,Android,82,1.6,590,13,124,28,Female,1 +120,Google Pixel 5,Android,97,2.7,1018,37,428,41,Male,2 +121,Samsung Galaxy S21,Android,388,6.6,2085,71,1150,45,Female,4 +122,OnePlus 9,Android,529,8.7,2484,89,2189,39,Female,5 +123,Google Pixel 5,Android,584,10.0,2541,99,2391,49,Female,5 +124,Google Pixel 5,Android,529,8.1,2686,96,1924,35,Male,5 +125,Google Pixel 5,Android,227,5.1,1702,57,714,21,Male,3 +126,Samsung Galaxy S21,Android,535,11.8,2858,99,2378,50,Male,5 +127,iPhone 12,iOS,332,7.4,2149,68,1321,20,Female,4 +128,Google Pixel 5,Android,252,4.2,1439,45,667,50,Female,3 +129,Xiaomi Mi 11,Android,125,2.5,678,34,465,31,Male,2 +130,Xiaomi Mi 11,Android,97,3.3,751,39,412,36,Female,2 +131,Google Pixel 5,Android,540,10.8,2923,90,1886,40,Male,5 +132,Xiaomi Mi 11,Android,320,7.2,2056,69,1226,52,Female,4 +133,Google Pixel 5,Android,176,3.6,1193,30,458,40,Female,2 +134,Samsung Galaxy S21,Android,79,1.0,313,18,139,42,Male,1 +135,Xiaomi Mi 11,Android,83,1.6,303,19,285,51,Male,1 +136,iPhone 12,iOS,555,11.3,2528,90,1856,55,Female,5 +137,Samsung Galaxy S21,Android,66,1.7,375,16,216,39,Male,1 +138,Xiaomi Mi 11,Android,237,4.5,1368,42,868,24,Female,3 +139,Samsung Galaxy S21,Android,497,9.7,2876,94,2076,18,Male,5 +140,Google Pixel 5,Android,516,11.1,2429,91,1796,53,Male,5 +141,Xiaomi Mi 11,Android,219,5.2,1510,42,655,50,Female,3 +142,Google Pixel 5,Android,448,6.3,2044,71,1337,51,Male,4 +143,iPhone 12,iOS,156,2.2,896,37,429,57,Female,2 +144,Samsung Galaxy S21,Android,68,1.1,528,12,201,29,Male,1 +145,iPhone 12,iOS,524,11.2,2417,90,2069,29,Female,5 +146,iPhone 12,iOS,188,5.3,1281,45,974,35,Male,3 +147,Samsung Galaxy S21,Android,443,7.4,2289,73,1026,33,Male,4 +148,Xiaomi Mi 11,Android,52,1.6,385,19,234,24,Male,1 +149,OnePlus 9,Android,228,4.2,1677,58,823,56,Male,3 +150,Google Pixel 5,Android,149,3.7,873,34,459,51,Male,2 +151,iPhone 12,iOS,523,9.4,2583,92,1539,21,Male,5 +152,Samsung Galaxy S21,Android,42,1.6,315,19,207,52,Female,1 +153,Google Pixel 5,Android,120,2.0,741,38,396,56,Female,2 +154,OnePlus 9,Android,329,7.5,2277,72,1185,27,Female,4 +155,Xiaomi Mi 11,Android,68,1.5,364,10,102,31,Female,1 +156,Xiaomi Mi 11,Android,158,3.4,893,36,493,32,Male,2 +157,Xiaomi Mi 11,Android,86,1.7,439,19,136,54,Male,1 +158,Xiaomi Mi 11,Android,339,7.8,2102,71,1062,51,Male,4 +159,Samsung Galaxy S21,Android,304,6.5,2375,79,1493,51,Male,4 +160,Xiaomi Mi 11,Android,131,2.4,859,26,305,40,Male,2 +161,Samsung Galaxy S21,Android,64,1.6,540,19,262,35,Female,1 +162,Xiaomi Mi 11,Android,53,1.9,526,15,112,42,Male,1 +163,Google Pixel 5,Android,442,7.7,2067,69,1440,45,Male,4 +164,iPhone 12,iOS,32,2.0,469,18,139,22,Male,1 +165,Xiaomi Mi 11,Android,278,4.8,1238,48,851,43,Female,3 +166,Xiaomi Mi 11,Android,540,8.4,2993,98,1540,49,Female,5 +167,Google Pixel 5,Android,595,11.3,2968,88,2366,30,Male,5 +168,Google Pixel 5,Android,35,1.5,467,10,158,58,Male,1 +169,Google Pixel 5,Android,225,5.4,1370,44,791,55,Female,3 +170,Google Pixel 5,Android,587,11.8,2431,90,1894,47,Male,5 +171,Xiaomi Mi 11,Android,92,3.7,1124,27,524,44,Male,2 +172,Google Pixel 5,Android,46,1.1,487,17,208,23,Male,1 +173,OnePlus 9,Android,153,2.8,935,25,578,37,Female,2 +174,iPhone 12,iOS,368,6.6,1817,72,1406,27,Female,4 +175,Xiaomi Mi 11,Android,51,1.6,509,11,113,29,Female,1 +176,Google Pixel 5,Android,279,5.2,1660,47,629,50,Female,3 +177,Xiaomi Mi 11,Android,255,5.4,1738,42,826,21,Male,3 +178,Samsung Galaxy S21,Android,193,5.7,1471,51,972,31,Female,3 +179,Xiaomi Mi 11,Android,207,5.7,1582,52,692,38,Male,3 +180,iPhone 12,iOS,539,11.9,2853,83,2007,55,Male,5 +181,OnePlus 9,Android,151,2.4,1124,38,571,33,Male,2 +182,Google Pixel 5,Android,474,6.4,2109,68,1079,24,Male,4 +183,iPhone 12,iOS,544,9.2,2936,83,2416,47,Female,5 +184,iPhone 12,iOS,73,1.2,308,15,275,39,Female,1 +185,Xiaomi Mi 11,Android,597,10.4,2984,91,1564,34,Female,5 +186,Google Pixel 5,Android,498,10.7,2738,94,1995,42,Male,5 +187,iPhone 12,iOS,402,7.8,2014,79,1088,34,Female,4 +188,OnePlus 9,Android,75,1.1,379,15,185,37,Male,1 +189,iPhone 12,iOS,130,2.0,602,21,589,30,Female,2 +190,Samsung Galaxy S21,Android,42,1.1,402,11,265,32,Female,1 +191,iPhone 12,iOS,134,2.2,917,23,423,23,Male,2 +192,Google Pixel 5,Android,79,1.9,477,13,161,24,Male,1 +193,iPhone 12,iOS,432,7.2,1822,63,1127,59,Female,4 +194,iPhone 12,iOS,262,4.1,1287,52,997,36,Male,3 +195,Samsung Galaxy S21,Android,473,6.4,2109,79,1300,23,Female,4 +196,Google Pixel 5,Android,202,4.7,1512,49,659,45,Female,3 +197,OnePlus 9,Android,215,4.4,1407,41,991,47,Male,3 +198,OnePlus 9,Android,151,3.7,1116,32,320,41,Female,2 +199,OnePlus 9,Android,80,1.6,549,14,197,19,Male,1 +200,Xiaomi Mi 11,Android,126,2.8,971,32,431,35,Female,2 +201,Samsung Galaxy S21,Android,495,8.9,2920,84,2252,31,Female,5 +202,iPhone 12,iOS,127,3.7,1153,35,314,37,Female,2 +203,Xiaomi Mi 11,Android,88,1.3,327,11,262,22,Male,1 +204,Google Pixel 5,Android,69,1.6,463,16,146,27,Male,1 +205,OnePlus 9,Android,100,3.3,961,21,433,25,Male,2 +206,Xiaomi Mi 11,Android,301,6.5,2084,71,1421,29,Male,4 +207,Google Pixel 5,Android,78,1.7,455,15,207,37,Female,1 +208,Google Pixel 5,Android,163,3.1,620,21,419,23,Male,2 +209,OnePlus 9,Android,539,9.3,2606,92,1990,41,Male,5 +210,Google Pixel 5,Android,278,4.6,1385,47,823,40,Female,3 +211,Samsung Galaxy S21,Android,451,6.1,2108,76,1434,25,Female,4 +212,Samsung Galaxy S21,Android,481,10.9,2752,86,2017,18,Male,5 +213,Samsung Galaxy S21,Android,133,3.4,714,38,445,25,Male,2 +214,Xiaomi Mi 11,Android,41,1.1,588,10,246,22,Male,1 +215,iPhone 12,iOS,152,3.3,1175,29,461,42,Female,2 +216,OnePlus 9,Android,553,8.4,2559,89,2471,51,Male,5 +217,iPhone 12,iOS,402,6.9,2282,78,1397,40,Male,4 +218,OnePlus 9,Android,555,9.5,2855,95,1565,24,Male,5 +219,iPhone 12,iOS,499,9.6,2873,81,1805,52,Female,5 +220,Xiaomi Mi 11,Android,101,3.2,603,28,417,43,Male,2 +221,OnePlus 9,Android,433,6.8,2093,75,1300,32,Male,4 +222,OnePlus 9,Android,133,2.0,1007,31,417,32,Male,2 +223,Xiaomi Mi 11,Android,351,6.1,1941,79,1290,21,Female,4 +224,Samsung Galaxy S21,Android,532,10.7,2556,83,2148,53,Female,5 +225,OnePlus 9,Android,92,2.5,690,31,563,27,Male,2 +226,Xiaomi Mi 11,Android,511,10.8,2712,97,2438,59,Female,5 +227,Xiaomi Mi 11,Android,384,7.0,2185,72,1376,59,Male,4 +228,iPhone 12,iOS,193,5.2,1318,49,626,32,Female,3 +229,Samsung Galaxy S21,Android,132,3.8,649,25,368,41,Male,2 +230,Samsung Galaxy S21,Android,360,7.3,1946,79,1164,50,Male,4 +231,iPhone 12,iOS,159,2.3,1083,32,526,38,Male,2 +232,iPhone 12,iOS,495,8.9,2855,91,2150,31,Male,5 +233,Xiaomi Mi 11,Android,537,10.0,2720,83,1763,35,Male,5 +234,OnePlus 9,Android,129,3.4,1059,27,580,36,Female,2 +235,iPhone 12,iOS,132,3.8,636,28,529,53,Male,2 +236,Xiaomi Mi 11,Android,37,1.4,369,18,295,19,Female,1 +237,Samsung Galaxy S21,Android,524,8.9,2549,88,1730,20,Female,5 +238,OnePlus 9,Android,425,6.9,2142,66,1130,19,Female,4 +239,OnePlus 9,Android,64,1.7,585,13,107,53,Male,1 +240,iPhone 12,iOS,573,10.8,2711,96,2118,33,Female,5 +241,Google Pixel 5,Android,45,1.7,302,16,191,57,Female,1 +242,Xiaomi Mi 11,Android,564,11.7,2764,81,2133,37,Female,5 +243,OnePlus 9,Android,162,3.5,761,36,338,51,Male,2 +244,Samsung Galaxy S21,Android,451,6.5,2378,69,1341,44,Male,4 +245,OnePlus 9,Android,30,1.3,479,16,253,35,Male,1 +246,Samsung Galaxy S21,Android,202,5.0,1542,45,844,29,Male,3 +247,Google Pixel 5,Android,71,1.5,590,17,257,33,Male,1 +248,Google Pixel 5,Android,314,6.2,2205,63,1066,19,Male,4 +249,Xiaomi Mi 11,Android,168,4.0,866,22,581,50,Female,2 +250,Google Pixel 5,Android,75,1.9,537,13,230,58,Female,1 +251,OnePlus 9,Android,42,1.4,324,13,272,29,Female,1 +252,OnePlus 9,Android,441,7.9,2332,78,1477,23,Female,4 +253,Google Pixel 5,Android,523,10.5,2460,99,1787,22,Male,5 +254,Xiaomi Mi 11,Android,100,2.4,982,31,478,48,Female,2 +255,OnePlus 9,Android,52,1.2,398,14,172,24,Female,1 +256,OnePlus 9,Android,397,7.0,2352,77,1101,46,Female,4 +257,Xiaomi Mi 11,Android,424,7.7,1863,65,1116,52,Male,4 +258,Xiaomi Mi 11,Android,272,5.0,1655,45,686,19,Female,3 +259,Xiaomi Mi 11,Android,201,4.0,1791,50,914,18,Male,3 +260,Xiaomi Mi 11,Android,570,9.0,2613,98,2497,49,Female,5 +261,Xiaomi Mi 11,Android,64,1.3,490,14,151,43,Female,1 +262,iPhone 12,iOS,334,6.6,2394,68,1227,46,Female,4 +263,iPhone 12,iOS,518,9.6,2954,93,2125,34,Female,5 +264,Samsung Galaxy S21,Android,70,1.7,359,10,109,57,Male,1 +265,iPhone 12,iOS,334,6.8,2000,77,1079,40,Female,4 +266,Xiaomi Mi 11,Android,563,8.4,2849,85,1508,25,Male,5 +267,iPhone 12,iOS,181,4.1,1608,43,752,22,Female,3 +268,OnePlus 9,Android,584,9.4,2766,84,2151,32,Male,5 +269,Samsung Galaxy S21,Android,208,4.7,1642,45,861,55,Male,3 +270,Samsung Galaxy S21,Android,381,6.6,2160,69,1450,20,Male,4 +271,Xiaomi Mi 11,Android,426,6.5,1969,78,1266,53,Female,4 +272,OnePlus 9,Android,284,4.2,1360,56,888,51,Male,3 +273,Google Pixel 5,Android,105,2.2,1002,29,453,31,Female,2 +274,Google Pixel 5,Android,179,2.3,1014,32,588,38,Male,2 +275,iPhone 12,iOS,122,2.6,639,37,568,35,Male,2 +276,OnePlus 9,Android,501,11.9,2702,88,1738,49,Male,5 +277,Xiaomi Mi 11,Android,269,5.9,1666,42,629,32,Female,3 +278,Google Pixel 5,Android,230,4.4,1607,52,878,54,Male,3 +279,Xiaomi Mi 11,Android,85,1.6,417,12,122,47,Male,1 +280,Samsung Galaxy S21,Android,411,7.8,2029,75,1136,33,Female,4 +281,Samsung Galaxy S21,Android,73,1.7,403,12,163,51,Male,1 +282,Xiaomi Mi 11,Android,39,1.7,530,11,268,26,Female,1 +283,iPhone 12,iOS,386,7.7,2114,72,1209,51,Male,4 +284,Google Pixel 5,Android,49,1.3,542,16,169,54,Female,1 +285,Google Pixel 5,Android,411,6.9,1820,70,1024,43,Male,4 +286,OnePlus 9,Android,534,10.8,2805,90,1538,37,Male,5 +287,Samsung Galaxy S21,Android,314,7.4,2136,64,1376,47,Female,4 +288,Xiaomi Mi 11,Android,211,4.0,1519,54,811,29,Female,3 +289,OnePlus 9,Android,121,3.7,619,36,473,47,Male,2 +290,Google Pixel 5,Android,84,1.2,415,10,146,50,Male,1 +291,OnePlus 9,Android,448,7.6,2199,66,1047,28,Male,4 +292,Google Pixel 5,Android,55,1.6,360,19,149,30,Male,1 +293,Google Pixel 5,Android,59,1.8,497,10,208,36,Female,1 +294,Xiaomi Mi 11,Android,226,4.5,1781,45,649,27,Female,3 +295,Samsung Galaxy S21,Android,580,8.5,2660,87,1795,52,Male,5 +296,OnePlus 9,Android,65,1.8,481,18,130,41,Male,1 +297,OnePlus 9,Android,458,6.6,2214,67,1163,31,Female,4 +298,iPhone 12,iOS,170,2.7,805,26,344,53,Female,2 +299,iPhone 12,iOS,264,5.2,1641,44,778,44,Male,3 +300,Xiaomi Mi 11,Android,122,3.3,748,35,499,59,Female,2 +301,Xiaomi Mi 11,Android,420,6.5,2113,65,1314,35,Male,4 +302,iPhone 12,iOS,267,4.4,1505,59,971,38,Female,3 +303,iPhone 12,iOS,469,6.0,2290,67,1086,34,Female,4 +304,iPhone 12,iOS,541,11.4,2443,89,1923,34,Female,5 +305,iPhone 12,iOS,155,2.9,1117,22,322,19,Female,2 +306,OnePlus 9,Android,106,2.8,686,32,594,27,Male,2 +307,OnePlus 9,Android,243,5.0,1232,47,877,43,Male,3 +308,OnePlus 9,Android,410,7.5,2176,68,1213,45,Female,4 +309,iPhone 12,iOS,285,5.1,1226,57,666,20,Female,3 +310,OnePlus 9,Android,397,6.8,2027,66,1167,40,Male,4 +311,Samsung Galaxy S21,Android,230,4.2,1507,51,868,25,Female,3 +312,iPhone 12,iOS,341,7.2,2397,68,1055,32,Female,4 +313,Google Pixel 5,Android,132,2.9,1054,32,563,20,Male,2 +314,Xiaomi Mi 11,Android,130,3.0,820,21,308,49,Female,2 +315,iPhone 12,iOS,281,4.9,1566,59,632,29,Male,3 +316,OnePlus 9,Android,74,2.0,320,11,103,55,Female,1 +317,OnePlus 9,Android,299,4.3,1737,43,953,42,Female,3 +318,Google Pixel 5,Android,116,2.2,827,29,434,28,Female,2 +319,OnePlus 9,Android,408,6.6,2026,63,1076,47,Female,4 +320,Google Pixel 5,Android,508,11.3,2590,81,2481,51,Male,5 +321,iPhone 12,iOS,227,4.4,1275,56,984,22,Female,3 +322,Google Pixel 5,Android,274,6.0,1489,56,666,57,Female,3 +323,Google Pixel 5,Android,347,6.3,2001,61,1456,21,Female,4 +324,Xiaomi Mi 11,Android,76,1.3,490,14,156,31,Female,1 +325,iPhone 12,iOS,445,7.5,2007,78,1115,23,Male,4 +326,OnePlus 9,Android,203,4.3,1554,54,638,25,Female,3 +327,Samsung Galaxy S21,Android,199,6.0,1707,57,881,55,Male,3 +328,OnePlus 9,Android,48,2.0,574,18,127,24,Female,1 +329,OnePlus 9,Android,88,1.6,420,12,274,31,Female,1 +330,iPhone 12,iOS,541,8.3,2865,89,1820,42,Female,5 +331,Google Pixel 5,Android,233,4.6,1534,49,796,21,Female,3 +332,iPhone 12,iOS,176,3.8,727,36,362,47,Female,2 +333,OnePlus 9,Android,191,6.0,1762,45,904,54,Male,3 +334,Google Pixel 5,Android,461,7.5,2001,69,1324,34,Female,4 +335,Samsung Galaxy S21,Android,37,1.5,375,18,246,46,Female,1 +336,OnePlus 9,Android,531,9.8,2905,99,1632,45,Female,5 +337,Samsung Galaxy S21,Android,473,7.9,2292,62,1472,44,Male,4 +338,Samsung Galaxy S21,Android,30,1.3,561,15,252,34,Male,1 +339,iPhone 12,iOS,306,6.1,2267,70,1449,46,Male,4 +340,iPhone 12,iOS,64,1.2,590,13,155,30,Male,1 +341,iPhone 12,iOS,75,1.0,435,13,223,43,Male,1 +342,iPhone 12,iOS,597,10.3,2718,90,1863,26,Female,5 +343,iPhone 12,iOS,529,10.5,2971,87,1683,56,Male,5 +344,iPhone 12,iOS,290,6.0,1533,54,645,57,Female,3 +345,iPhone 12,iOS,256,5.8,1309,52,840,43,Male,3 +346,iPhone 12,iOS,308,7.7,1974,73,1431,37,Female,4 +347,OnePlus 9,Android,156,3.3,1020,38,447,57,Female,2 +348,Samsung Galaxy S21,Android,62,1.4,542,18,266,46,Male,1 +349,Google Pixel 5,Android,156,3.8,866,34,510,26,Male,2 +350,Samsung Galaxy S21,Android,303,7.4,2314,66,1387,34,Male,4 +351,Samsung Galaxy S21,Android,463,6.9,2111,73,1463,54,Male,4 +352,Google Pixel 5,Android,60,1.5,593,14,281,35,Female,1 +353,Google Pixel 5,Android,225,4.6,1230,52,954,20,Female,3 +354,Samsung Galaxy S21,Android,379,7.5,1823,68,1075,53,Female,4 +355,OnePlus 9,Android,53,1.4,455,14,106,54,Female,1 +356,Samsung Galaxy S21,Android,30,1.9,574,19,287,45,Male,1 +357,iPhone 12,iOS,291,4.1,1326,51,905,55,Female,3 +358,iPhone 12,iOS,488,9.5,2840,92,1986,48,Female,5 +359,Google Pixel 5,Android,74,2.0,366,13,253,44,Female,1 +360,Samsung Galaxy S21,Android,230,4.6,1325,55,845,54,Female,3 +361,Samsung Galaxy S21,Android,517,11.8,2435,86,2208,26,Male,5 +362,OnePlus 9,Android,557,10.4,2900,97,1609,22,Male,5 +363,Xiaomi Mi 11,Android,78,1.5,341,11,259,38,Female,1 +364,iPhone 12,iOS,321,7.9,2159,64,1499,45,Male,4 +365,Xiaomi Mi 11,Android,579,8.6,2539,84,1935,34,Male,5 +366,OnePlus 9,Android,382,7.2,1965,67,1341,22,Male,4 +367,Xiaomi Mi 11,Android,516,11.6,2464,82,1767,29,Female,5 +368,OnePlus 9,Android,598,11.2,2876,85,2477,58,Female,5 +369,OnePlus 9,Android,102,3.9,747,36,408,49,Female,2 +370,iPhone 12,iOS,165,2.4,816,35,503,34,Male,2 +371,iPhone 12,iOS,558,9.8,2765,83,1548,25,Female,5 +372,Google Pixel 5,Android,561,10.6,2547,86,1823,22,Male,5 +373,Samsung Galaxy S21,Android,511,10.9,2514,91,2335,59,Female,5 +374,Google Pixel 5,Android,560,11.3,2947,95,1663,25,Female,5 +375,OnePlus 9,Android,69,1.3,434,12,164,42,Male,1 +376,OnePlus 9,Android,44,1.1,531,17,232,26,Male,1 +377,iPhone 12,iOS,65,1.7,490,17,122,51,Female,1 +378,Google Pixel 5,Android,458,6.0,1875,63,1072,31,Female,4 +379,Samsung Galaxy S21,Android,525,10.8,2445,99,1623,57,Male,5 +380,OnePlus 9,Android,106,3.0,922,22,313,51,Male,2 +381,iPhone 12,iOS,188,4.6,1767,47,653,34,Male,3 +382,iPhone 12,iOS,493,10.4,2453,99,1813,39,Male,5 +383,OnePlus 9,Android,84,1.5,373,19,299,37,Female,1 +384,OnePlus 9,Android,104,2.9,653,35,322,30,Male,2 +385,Samsung Galaxy S21,Android,102,3.0,890,38,548,28,Male,2 +386,iPhone 12,iOS,349,6.6,2041,78,1096,40,Female,4 +387,OnePlus 9,Android,98,2.0,925,32,457,28,Male,2 +388,Samsung Galaxy S21,Android,72,1.3,461,13,199,32,Male,1 +389,Xiaomi Mi 11,Android,563,11.6,2968,92,2191,34,Female,5 +390,Xiaomi Mi 11,Android,119,2.8,775,31,313,50,Female,2 +391,OnePlus 9,Android,311,7.9,2231,69,1021,36,Male,4 +392,OnePlus 9,Android,337,6.1,1901,76,1359,58,Male,4 +393,Samsung Galaxy S21,Android,168,3.5,1055,29,313,54,Male,2 +394,iPhone 12,iOS,331,7.4,2129,66,1459,53,Male,4 +395,Google Pixel 5,Android,589,9.2,2663,84,1774,45,Female,5 +396,Xiaomi Mi 11,Android,472,6.8,2288,61,1356,52,Male,4 +397,Xiaomi Mi 11,Android,78,1.1,437,14,143,27,Female,1 +398,iPhone 12,iOS,517,11.6,2798,90,2175,20,Male,5 +399,OnePlus 9,Android,41,1.6,323,18,221,43,Female,1 +400,OnePlus 9,Android,49,1.5,571,10,203,29,Male,1 +401,Xiaomi Mi 11,Android,522,11.1,2821,86,1891,42,Male,5 +402,Google Pixel 5,Android,97,2.7,612,36,508,53,Male,2 +403,iPhone 12,iOS,411,7.4,1960,71,1264,40,Male,4 +404,Samsung Galaxy S21,Android,566,8.6,2595,89,1657,51,Female,5 +405,iPhone 12,iOS,559,8.2,2618,84,2102,22,Female,5 +406,Google Pixel 5,Android,478,7.3,2340,69,1017,43,Female,4 +407,Xiaomi Mi 11,Android,147,3.2,994,33,567,25,Female,2 +408,OnePlus 9,Android,395,7.3,2291,61,1049,55,Female,4 +409,Samsung Galaxy S21,Android,357,7.8,2289,74,1242,22,Female,4 +410,Google Pixel 5,Android,405,6.9,2366,61,1434,51,Male,4 +411,Samsung Galaxy S21,Android,501,11.8,2790,86,2074,31,Female,5 +412,Xiaomi Mi 11,Android,575,8.2,2918,88,1928,50,Male,5 +413,OnePlus 9,Android,257,5.1,1692,46,769,52,Female,3 +414,iPhone 12,iOS,270,5.0,1532,51,957,35,Male,3 +415,Google Pixel 5,Android,116,2.0,1171,22,573,33,Female,2 +416,iPhone 12,iOS,98,2.3,608,24,394,56,Male,2 +417,Xiaomi Mi 11,Android,264,5.1,1293,52,737,27,Female,3 +418,Samsung Galaxy S21,Android,572,11.7,2655,91,2481,57,Female,5 +419,Xiaomi Mi 11,Android,202,4.9,1549,43,964,27,Female,3 +420,iPhone 12,iOS,83,1.4,454,11,228,46,Male,1 +421,iPhone 12,iOS,32,1.4,416,12,198,56,Male,1 +422,iPhone 12,iOS,168,3.2,716,38,414,43,Male,2 +423,iPhone 12,iOS,416,6.1,2115,71,1041,22,Female,4 +424,Xiaomi Mi 11,Android,46,1.1,536,18,167,28,Female,1 +425,OnePlus 9,Android,201,5.0,1482,59,709,24,Male,3 +426,Samsung Galaxy S21,Android,130,2.8,1062,24,579,37,Male,2 +427,OnePlus 9,Android,98,2.4,747,36,403,44,Female,2 +428,OnePlus 9,Android,105,3.8,967,28,489,51,Male,2 +429,Xiaomi Mi 11,Android,94,2.3,1033,33,369,58,Male,2 +430,Xiaomi Mi 11,Android,540,10.1,2757,90,2180,37,Male,5 +431,iPhone 12,iOS,266,5.5,1238,59,839,22,Male,3 +432,iPhone 12,iOS,140,3.8,1137,36,506,53,Male,2 +433,Google Pixel 5,Android,534,10.4,2672,90,1702,51,Male,5 +434,OnePlus 9,Android,46,2.0,309,15,116,42,Male,1 +435,iPhone 12,iOS,581,8.4,2591,99,2304,58,Male,5 +436,Xiaomi Mi 11,Android,105,3.4,798,21,467,34,Female,2 +437,OnePlus 9,Android,221,4.4,1341,46,862,20,Male,3 +438,iPhone 12,iOS,41,1.7,408,16,291,34,Male,1 +439,OnePlus 9,Android,105,3.0,728,24,343,52,Female,2 +440,Google Pixel 5,Android,123,3.9,915,39,468,18,Male,2 +441,Google Pixel 5,Android,260,5.7,1725,56,920,36,Female,3 +442,Samsung Galaxy S21,Android,223,5.7,1295,44,751,39,Male,3 +443,Google Pixel 5,Android,66,1.1,505,17,218,33,Male,1 +444,iPhone 12,iOS,231,4.0,1664,48,724,29,Female,3 +445,iPhone 12,iOS,555,8.8,2540,97,2402,22,Male,5 +446,Samsung Galaxy S21,Android,378,7.2,1859,61,1318,58,Male,4 +447,OnePlus 9,Android,546,8.8,2852,81,1641,24,Male,5 +448,Samsung Galaxy S21,Android,234,5.2,1604,58,919,58,Male,3 +449,Samsung Galaxy S21,Android,152,3.0,617,22,306,22,Female,2 +450,Google Pixel 5,Android,34,1.2,518,10,170,20,Female,1 +451,Samsung Galaxy S21,Android,179,3.5,1114,30,466,56,Male,2 +452,OnePlus 9,Android,591,11.8,2953,92,1903,52,Male,5 +453,Samsung Galaxy S21,Android,120,3.3,734,35,583,26,Male,2 +454,Google Pixel 5,Android,88,1.3,557,13,164,43,Male,1 +455,iPhone 12,iOS,143,3.9,1160,24,398,45,Male,2 +456,iPhone 12,iOS,74,1.6,436,13,182,27,Female,1 +457,iPhone 12,iOS,74,1.6,587,15,275,27,Female,1 +458,OnePlus 9,Android,234,4.7,1707,55,871,46,Male,3 +459,iPhone 12,iOS,56,1.0,547,10,142,58,Female,1 +460,OnePlus 9,Android,174,2.4,639,37,545,50,Male,2 +461,Samsung Galaxy S21,Android,523,9.0,2696,91,1561,20,Female,5 +462,Samsung Galaxy S21,Android,123,3.3,938,36,438,55,Male,2 +463,Samsung Galaxy S21,Android,216,5.9,1789,54,987,55,Male,3 +464,iPhone 12,iOS,290,4.6,1694,50,809,23,Male,3 +465,Xiaomi Mi 11,Android,68,1.3,583,10,281,26,Female,1 +466,OnePlus 9,Android,265,4.8,1770,51,723,55,Female,3 +467,Samsung Galaxy S21,Android,414,7.3,2349,75,1092,51,Male,4 +468,Google Pixel 5,Android,238,4.0,1414,47,661,41,Female,3 +469,Xiaomi Mi 11,Android,429,7.5,1921,61,1102,46,Male,4 +470,Xiaomi Mi 11,Android,39,1.9,541,16,294,37,Male,1 +471,Samsung Galaxy S21,Android,248,4.6,1396,52,883,40,Male,3 +472,Xiaomi Mi 11,Android,541,9.4,2452,93,1811,53,Female,5 +473,Xiaomi Mi 11,Android,139,3.0,697,37,513,26,Female,2 +474,iPhone 12,iOS,289,5.0,1625,45,687,29,Male,3 +475,Xiaomi Mi 11,Android,210,4.9,1657,55,765,49,Female,3 +476,Samsung Galaxy S21,Android,412,6.2,2201,68,1085,54,Female,4 +477,Google Pixel 5,Android,318,6.6,2089,77,1126,49,Female,4 +478,iPhone 12,iOS,258,4.2,1315,44,762,59,Female,3 +479,OnePlus 9,Android,258,4.3,1759,59,718,41,Female,3 +480,Samsung Galaxy S21,Android,189,4.8,1681,59,795,57,Male,3 +481,iPhone 12,iOS,155,2.4,954,39,441,51,Male,2 +482,Samsung Galaxy S21,Android,528,10.4,2717,87,2140,34,Male,5 +483,iPhone 12,iOS,549,11.1,2851,87,1814,56,Male,5 +484,Xiaomi Mi 11,Android,78,1.6,470,18,230,49,Female,1 +485,iPhone 12,iOS,444,6.0,1873,61,1093,39,Female,4 +486,Xiaomi Mi 11,Android,80,1.1,417,18,298,36,Male,1 +487,iPhone 12,iOS,131,3.8,739,34,330,57,Female,2 +488,iPhone 12,iOS,228,4.4,1734,46,804,57,Female,3 +489,Xiaomi Mi 11,Android,416,7.3,1882,62,1333,32,Female,4 +490,Google Pixel 5,Android,586,9.3,2403,94,2332,21,Male,5 +491,Google Pixel 5,Android,416,6.1,2279,71,1096,47,Male,4 +492,iPhone 12,iOS,152,3.7,948,22,507,53,Female,2 +493,Xiaomi Mi 11,Android,87,1.5,594,19,198,36,Female,1 +494,OnePlus 9,Android,329,6.8,1892,69,1383,23,Male,4 +495,Samsung Galaxy S21,Android,107,2.5,1176,24,545,29,Female,2 +496,Google Pixel 5,Android,493,10.9,2928,88,2116,57,Male,5 +497,iPhone 12,iOS,182,4.8,1500,51,807,43,Female,3 +498,iPhone 12,iOS,102,2.9,918,37,362,20,Female,2 +499,Google Pixel 5,Android,274,4.5,1356,54,869,53,Male,3 +500,iPhone 12,iOS,143,3.6,988,26,504,45,Female,2 +501,Google Pixel 5,Android,66,1.3,369,14,195,32,Male,1 +502,Xiaomi Mi 11,Android,420,7.7,2017,74,1187,24,Female,4 +503,Xiaomi Mi 11,Android,582,8.4,2664,91,2493,55,Female,5 +504,Google Pixel 5,Android,200,5.8,1291,50,965,52,Male,3 +505,Google Pixel 5,Android,493,8.5,2859,99,2450,47,Male,5 +506,Samsung Galaxy S21,Android,348,6.6,2398,66,1415,49,Female,4 +507,Xiaomi Mi 11,Android,238,5.1,1408,45,941,27,Male,3 +508,Xiaomi Mi 11,Android,33,2.0,318,11,173,42,Female,1 +509,Google Pixel 5,Android,267,5.9,1740,45,791,22,Male,3 +510,iPhone 12,iOS,492,10.0,2513,90,1968,31,Male,5 +511,Google Pixel 5,Android,241,5.3,1767,58,976,38,Female,3 +512,Samsung Galaxy S21,Android,567,10.8,2911,89,1682,39,Male,5 +513,Samsung Galaxy S21,Android,36,1.6,442,17,249,34,Male,1 +514,OnePlus 9,Android,110,3.4,975,31,507,57,Female,2 +515,Samsung Galaxy S21,Android,466,7.1,1984,73,1461,54,Male,4 +516,OnePlus 9,Android,126,2.2,1187,28,599,25,Male,2 +517,Xiaomi Mi 11,Android,120,3.8,940,36,535,44,Male,2 +518,iPhone 12,iOS,64,1.2,592,19,218,25,Male,1 +519,OnePlus 9,Android,574,8.5,2780,87,1809,34,Female,5 +520,OnePlus 9,Android,119,2.2,1123,22,371,51,Male,2 +521,OnePlus 9,Android,350,6.5,2364,75,1485,20,Male,4 +522,Google Pixel 5,Android,69,1.1,535,17,250,25,Male,1 +523,Xiaomi Mi 11,Android,438,6.5,1849,64,1125,49,Female,4 +524,Samsung Galaxy S21,Android,506,11.2,2623,98,2460,48,Male,5 +525,Samsung Galaxy S21,Android,272,5.2,1390,45,792,57,Female,3 +526,Samsung Galaxy S21,Android,224,4.5,1646,57,665,59,Male,3 +527,Google Pixel 5,Android,99,2.4,689,36,318,29,Female,2 +528,iPhone 12,iOS,44,1.2,466,10,131,57,Female,1 +529,Google Pixel 5,Android,175,3.0,801,32,338,24,Male,2 +530,Google Pixel 5,Android,228,4.8,1639,47,796,42,Female,3 +531,Xiaomi Mi 11,Android,589,11.8,2629,86,2479,43,Female,5 +532,OnePlus 9,Android,339,7.9,1987,66,1191,47,Male,4 +533,iPhone 12,iOS,431,6.4,2206,66,1200,23,Female,4 +534,Xiaomi Mi 11,Android,190,4.7,1276,57,915,22,Female,3 +535,OnePlus 9,Android,389,6.1,2087,67,1383,30,Male,4 +536,Samsung Galaxy S21,Android,139,3.3,937,24,573,25,Female,2 +537,Samsung Galaxy S21,Android,289,5.9,1528,48,915,30,Male,3 +538,Samsung Galaxy S21,Android,593,11.1,2672,82,2258,34,Female,5 +539,Google Pixel 5,Android,576,9.5,2638,98,2281,38,Female,5 +540,OnePlus 9,Android,592,9.4,2867,95,1701,27,Female,5 +541,iPhone 12,iOS,567,10.5,2817,89,2194,52,Male,5 +542,iPhone 12,iOS,170,2.5,740,21,537,25,Female,2 +543,Google Pixel 5,Android,242,5.4,1307,48,642,28,Male,3 +544,Samsung Galaxy S21,Android,275,5.5,1616,48,656,55,Male,3 +545,Google Pixel 5,Android,544,9.7,2633,97,1727,28,Female,5 +546,OnePlus 9,Android,50,2.0,362,17,182,34,Female,1 +547,OnePlus 9,Android,236,4.6,1750,45,971,21,Female,3 +548,iPhone 12,iOS,139,2.6,658,33,358,58,Female,2 +549,Google Pixel 5,Android,383,6.6,2155,74,1360,45,Male,4 +550,Samsung Galaxy S21,Android,172,4.0,1047,32,508,21,Female,2 +551,Xiaomi Mi 11,Android,455,6.2,1984,72,1287,42,Male,4 +552,Samsung Galaxy S21,Android,157,2.5,1110,30,373,37,Female,2 +553,iPhone 12,iOS,173,3.8,605,23,583,32,Male,2 +554,Samsung Galaxy S21,Android,405,7.3,2082,75,1162,37,Female,4 +555,iPhone 12,iOS,387,6.6,2168,61,1246,19,Female,4 +556,Xiaomi Mi 11,Android,201,4.9,1633,41,972,32,Female,3 +557,iPhone 12,iOS,142,3.5,625,25,370,40,Female,2 +558,Samsung Galaxy S21,Android,198,4.2,1392,43,640,27,Male,3 +559,Google Pixel 5,Android,361,7.6,2037,65,1056,55,Male,4 +560,OnePlus 9,Android,553,11.6,2914,81,1860,47,Male,5 +561,Samsung Galaxy S21,Android,408,6.2,2245,69,1103,38,Female,4 +562,Xiaomi Mi 11,Android,121,2.1,1188,21,578,18,Male,2 +563,Google Pixel 5,Android,71,1.4,508,15,265,33,Female,1 +564,iPhone 12,iOS,46,1.6,440,10,265,31,Male,1 +565,Xiaomi Mi 11,Android,290,4.4,1272,55,910,44,Male,3 +566,Samsung Galaxy S21,Android,60,1.3,462,15,296,40,Male,1 +567,Google Pixel 5,Android,116,3.9,1132,26,498,35,Female,2 +568,OnePlus 9,Android,86,1.7,312,16,227,32,Male,1 +569,Google Pixel 5,Android,291,5.3,1537,43,700,49,Female,3 +570,Google Pixel 5,Android,404,6.6,2181,77,1327,18,Male,4 +571,OnePlus 9,Android,441,7.1,1928,74,1421,57,Male,4 +572,Google Pixel 5,Android,444,6.1,2229,73,1194,25,Female,4 +573,OnePlus 9,Android,211,5.9,1757,42,864,56,Female,3 +574,Samsung Galaxy S21,Android,537,9.1,2858,86,2158,22,Male,5 +575,Xiaomi Mi 11,Android,519,10.9,2571,93,2163,47,Female,5 +576,Samsung Galaxy S21,Android,94,3.5,606,30,446,49,Male,2 +577,Google Pixel 5,Android,554,10.3,2776,83,1606,34,Female,5 +578,iPhone 12,iOS,381,7.5,2216,66,1291,37,Female,4 +579,OnePlus 9,Android,257,6.0,1715,49,916,40,Female,3 +580,Samsung Galaxy S21,Android,47,1.1,532,18,122,36,Male,1 +581,iPhone 12,iOS,527,10.0,2430,82,1737,27,Female,5 +582,Samsung Galaxy S21,Android,148,2.7,625,34,416,27,Male,2 +583,iPhone 12,iOS,191,5.7,1414,53,991,19,Female,3 +584,Google Pixel 5,Android,71,1.9,571,10,117,43,Female,1 +585,OnePlus 9,Android,73,1.3,538,19,175,30,Female,1 +586,OnePlus 9,Android,149,3.1,1191,28,563,29,Male,2 +587,Xiaomi Mi 11,Android,197,4.4,1665,44,608,43,Female,3 +588,Samsung Galaxy S21,Android,328,6.1,1975,72,1101,24,Male,4 +589,OnePlus 9,Android,424,7.5,1995,75,1228,36,Male,4 +590,Samsung Galaxy S21,Android,111,3.6,627,26,464,39,Female,2 +591,Samsung Galaxy S21,Android,159,3.7,630,33,575,30,Male,2 +592,Google Pixel 5,Android,580,11.5,2767,84,2341,36,Female,5 +593,Samsung Galaxy S21,Android,379,7.7,1809,64,1050,22,Female,4 +594,Samsung Galaxy S21,Android,217,4.2,1500,42,677,26,Female,3 +595,Xiaomi Mi 11,Android,447,6.3,1959,63,1441,48,Male,4 +596,OnePlus 9,Android,512,10.5,2538,82,1694,41,Male,5 +597,Xiaomi Mi 11,Android,511,10.8,2529,91,2387,21,Male,5 +598,OnePlus 9,Android,140,2.5,825,31,347,59,Male,2 +599,Samsung Galaxy S21,Android,114,3.0,1131,31,596,28,Male,2 +600,Samsung Galaxy S21,Android,192,4.3,1382,42,905,47,Female,3 +601,iPhone 12,iOS,325,6.0,2244,70,1296,30,Female,4 +602,OnePlus 9,Android,83,1.2,545,15,284,44,Male,1 +603,OnePlus 9,Android,122,3.0,922,32,373,43,Male,2 +604,OnePlus 9,Android,138,2.1,660,22,424,41,Female,2 +605,OnePlus 9,Android,182,5.3,1278,42,885,54,Female,3 +606,OnePlus 9,Android,425,6.0,1928,72,1150,53,Female,4 +607,OnePlus 9,Android,580,10.4,2496,81,2441,37,Female,5 +608,Xiaomi Mi 11,Android,203,4.0,1323,56,787,21,Male,3 +609,Xiaomi Mi 11,Android,258,4.9,1596,56,937,40,Female,3 +610,iPhone 12,iOS,551,8.5,2927,92,1901,51,Male,5 +611,iPhone 12,iOS,507,9.6,2606,95,1543,48,Male,5 +612,Xiaomi Mi 11,Android,57,1.3,489,16,131,37,Male,1 +613,Xiaomi Mi 11,Android,553,10.2,2911,82,2441,44,Male,5 +614,Google Pixel 5,Android,49,1.1,395,16,153,46,Female,1 +615,Samsung Galaxy S21,Android,106,4.0,1158,23,493,18,Male,2 +616,Google Pixel 5,Android,119,3.7,608,36,461,52,Male,2 +617,OnePlus 9,Android,288,5.4,1476,49,767,36,Female,3 +618,Google Pixel 5,Android,225,5.6,1388,55,965,36,Female,3 +619,OnePlus 9,Android,342,7.0,1826,71,1077,26,Female,4 +620,Samsung Galaxy S21,Android,292,4.2,1407,54,867,59,Male,3 +621,iPhone 12,iOS,218,5.0,1475,46,972,59,Female,3 +622,Google Pixel 5,Android,64,1.8,351,15,274,56,Male,1 +623,Xiaomi Mi 11,Android,453,7.4,2363,65,1046,41,Female,4 +624,OnePlus 9,Android,42,1.8,417,15,284,21,Male,1 +625,Samsung Galaxy S21,Android,36,1.5,310,15,272,45,Male,1 +626,OnePlus 9,Android,55,1.8,328,12,196,31,Female,1 +627,iPhone 12,iOS,210,5.0,1614,53,679,55,Female,3 +628,iPhone 12,iOS,227,5.2,1446,46,920,59,Male,3 +629,Xiaomi Mi 11,Android,47,1.2,437,18,234,55,Male,1 +630,iPhone 12,iOS,461,6.3,1988,62,1004,21,Male,4 +631,Google Pixel 5,Android,94,3.1,1078,38,489,25,Male,2 +632,Samsung Galaxy S21,Android,216,5.1,1483,54,977,45,Female,3 +633,iPhone 12,iOS,496,10.2,2587,84,1921,56,Female,5 +634,OnePlus 9,Android,138,3.2,1142,31,366,29,Female,2 +635,iPhone 12,iOS,318,6.6,2055,67,1253,43,Male,4 +636,Samsung Galaxy S21,Android,96,3.4,1198,39,401,48,Female,2 +637,OnePlus 9,Android,510,10.7,2433,90,1729,47,Male,5 +638,Xiaomi Mi 11,Android,83,1.1,546,10,289,32,Female,1 +639,Google Pixel 5,Android,417,6.2,2074,63,1135,35,Female,4 +640,Google Pixel 5,Android,538,9.8,2778,91,2080,35,Female,5 +641,Samsung Galaxy S21,Android,63,1.8,321,11,271,42,Male,1 +642,OnePlus 9,Android,50,1.4,443,16,255,26,Female,1 +643,Google Pixel 5,Android,502,8.2,2597,90,1553,27,Male,5 +644,OnePlus 9,Android,105,3.3,723,35,566,46,Male,2 +645,Google Pixel 5,Android,186,4.8,1494,53,949,20,Female,3 +646,Xiaomi Mi 11,Android,174,2.9,1197,23,345,20,Female,2 +647,Samsung Galaxy S21,Android,89,1.3,314,16,201,58,Female,1 +648,iPhone 12,iOS,66,1.5,565,17,283,42,Female,1 +649,iPhone 12,iOS,389,6.3,2294,76,1334,53,Male,4 +650,Xiaomi Mi 11,Android,186,5.4,1627,58,790,31,Female,3 +651,Google Pixel 5,Android,149,2.0,1041,39,356,49,Male,2 +652,iPhone 12,iOS,69,1.7,519,10,167,51,Female,1 +653,Xiaomi Mi 11,Android,206,5.2,1632,47,694,30,Male,3 +654,Samsung Galaxy S21,Android,49,1.2,365,19,144,29,Male,1 +655,Google Pixel 5,Android,594,10.5,2839,91,1647,56,Male,5 +656,Google Pixel 5,Android,104,3.7,1028,29,493,39,Male,2 +657,Google Pixel 5,Android,262,5.6,1489,59,628,54,Female,3 +658,Xiaomi Mi 11,Android,278,5.3,1368,56,894,40,Female,3 +659,Xiaomi Mi 11,Android,463,6.8,2358,68,1236,43,Female,4 +660,Xiaomi Mi 11,Android,505,9.6,2464,91,2375,35,Male,5 +661,Google Pixel 5,Android,50,1.5,387,12,146,59,Male,1 +662,Xiaomi Mi 11,Android,138,3.1,947,29,545,48,Male,2 +663,Xiaomi Mi 11,Android,130,3.2,1189,37,448,45,Male,2 +664,Google Pixel 5,Android,469,6.4,1858,78,1297,55,Female,4 +665,Xiaomi Mi 11,Android,555,10.3,2568,83,2003,52,Male,5 +666,iPhone 12,iOS,198,5.4,1544,53,635,53,Male,3 +667,Samsung Galaxy S21,Android,529,11.4,2891,82,1845,46,Male,5 +668,Samsung Galaxy S21,Android,205,5.5,1699,49,729,36,Male,3 +669,iPhone 12,iOS,170,2.4,1039,38,334,23,Male,2 +670,Samsung Galaxy S21,Android,160,3.2,648,31,339,27,Female,2 +671,iPhone 12,iOS,81,1.6,387,13,224,48,Male,1 +672,Google Pixel 5,Android,468,7.3,1937,64,1209,22,Male,4 +673,Xiaomi Mi 11,Android,500,11.2,2925,84,2438,27,Male,5 +674,Google Pixel 5,Android,37,1.6,490,18,216,52,Male,1 +675,Xiaomi Mi 11,Android,522,11.4,2776,93,1768,27,Female,5 +676,Xiaomi Mi 11,Android,81,1.5,545,17,159,40,Male,1 +677,OnePlus 9,Android,141,3.8,689,38,576,34,Male,2 +678,Samsung Galaxy S21,Android,115,3.5,706,26,495,52,Female,2 +679,Google Pixel 5,Android,298,4.6,1525,59,814,36,Female,3 +680,iPhone 12,iOS,33,1.8,334,16,113,36,Female,1 +681,Google Pixel 5,Android,307,6.1,2105,76,1111,25,Female,4 +682,Xiaomi Mi 11,Android,380,7.6,2354,77,1191,30,Male,4 +683,Xiaomi Mi 11,Android,190,5.5,1718,58,815,42,Male,3 +684,Samsung Galaxy S21,Android,75,1.6,325,12,225,45,Male,1 +685,Google Pixel 5,Android,218,4.0,1221,47,822,25,Male,3 +686,Xiaomi Mi 11,Android,412,6.6,1859,67,1393,18,Male,4 +687,Google Pixel 5,Android,335,7.7,2037,68,1007,18,Male,4 +688,OnePlus 9,Android,387,6.3,2098,61,1178,54,Male,4 +689,Google Pixel 5,Android,261,4.9,1589,56,824,52,Female,3 +690,Samsung Galaxy S21,Android,541,9.5,2424,98,1550,32,Male,5 +691,Google Pixel 5,Android,195,5.7,1447,48,679,30,Male,3 +692,iPhone 12,iOS,178,4.0,856,37,569,51,Female,2 +693,Xiaomi Mi 11,Android,378,6.7,1898,78,1455,48,Female,4 +694,Xiaomi Mi 11,Android,505,8.6,2792,82,1709,31,Male,5 +695,Samsung Galaxy S21,Android,564,9.7,2422,83,1985,34,Female,5 +696,iPhone 12,iOS,92,3.9,1082,26,381,22,Male,2 +697,Xiaomi Mi 11,Android,316,6.8,1965,68,1201,59,Male,4 +698,Google Pixel 5,Android,99,3.1,942,22,457,50,Female,2 +699,Samsung Galaxy S21,Android,62,1.7,431,13,224,44,Male,1 +700,OnePlus 9,Android,212,5.4,1306,49,828,23,Female,3 diff --git a/generate_regression_data.py b/generate_regression_data.py deleted file mode 100644 index bca2108..0000000 --- a/generate_regression_data.py +++ /dev/null @@ -1,40 +0,0 @@ -import argparse -import csv - -import numpy - -def linear_data_generator(m, b, rnge, N, scale, seed): - rng = numpy.random.default_rng(seed=seed) - sample = rng.uniform(low=rnge[0], high=rnge[1], size=(N, m.shape[0])) - ys = numpy.dot(sample, numpy.reshape(m, (-1,1))) + b - noise = rng.normal(loc=0., scale=scale, size=ys.shape) - return (sample, ys+noise) - -def write_data(filename, X, y): - with open(filename, "w") as file: - # X column for every x - xs = [f"x_{n}" for n in range(X.shape[1])] - header = xs + ["y"] - writer = csv.writer(file) - writer.writerow(header) - for row in numpy.hstack((X,y)): - writer.writerow(row) - -def main(): - parser = argparse.ArgumentParser() - parser.add_argument("-N", type = int, help="Number of samples.") - parser.add_argument("-m", nargs='*', type = float, help="Expected regression coefficients") - parser.add_argument("-b", type= float, help="Offset") - parser.add_argument("-scale", type=float, help="Scale of noise") - parser.add_argument("-rnge", nargs=2, type=float, help="Range of Xs") - parser.add_argument("-seed", type=int, help="A seed to control randomness") - parser.add_argument("-output_file", type=str, help="Path to output file") - args = parser.parse_args() - m = numpy.array(args.m) - X, y = linear_data_generator(m, args.b, args.rnge, args.N, args.scale, args.seed) - write_data(args.output_file, X,y) - -if __name__=="__main__": - main() - - diff --git a/regularized_discriminant_analysis/models/RegularizedDiscriminantAnalysis.py b/regularized_discriminant_analysis/models/RegularizedDiscriminantAnalysis.py deleted file mode 100644 index 089f9ad..0000000 --- a/regularized_discriminant_analysis/models/RegularizedDiscriminantAnalysis.py +++ /dev/null @@ -1,17 +0,0 @@ - - -class RDAModel(): - def __init__(self): - pass - - - def fit(self, X, y): - return RDAModelResults() - - -class RDAModelResults(): - def __init__(self): - pass - - def predict(self, x): - return 0.5 diff --git a/regularized_discriminant_analysis/test_rdamodel.py b/regularized_discriminant_analysis/test_rdamodel.py deleted file mode 100644 index 095725b..0000000 --- a/regularized_discriminant_analysis/test_rdamodel.py +++ /dev/null @@ -1,19 +0,0 @@ -import csv - -import numpy - -from regularized_discriminant_analysis.models.RegularizedDiscriminantAnalysis import RDAModel - -def test_predict(): - model = ElasticNetModel() - data = [] - with open("small_sample.csv", "r") as file: - reader = csv.DictReader(file) - for row in reader: - data.append(row) - - X = numpy.array([[v for k,v in datum.items() if k.startswith('x')] for datum in data]) - y = numpy.array([[v for k,v in datum.items() if k=='y'] for datum in data]) - results = model.fit(X,y) - preds = results.predict(X) - assert preds == 0.5 diff --git a/requirements.txt b/requirements.txt index 18af45d..2613ad6 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,3 +1,6 @@ numpy pytest ipython +matplotlib==3.4.3 +seaborn==0.11.2 +jupyter==1.0.0