From 42e698287d69faf675e57ee85417dc541f6cec7a Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 27 Sep 2023 09:09:30 +0200
Subject: [PATCH 01/31] Replacing references GRU4Rec to GRU

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 README.md                                          |  2 +-
 docs/source/models.rst                             |  2 +-
 examples/00_quick_start/README.md                  |  2 +-
 .../sequential_recsys_amazondataset.ipynb          | 14 +++++++-------
 recommenders/README.md                             |  2 +-
 5 files changed, 11 insertions(+), 11 deletions(-)

diff --git a/README.md b/README.md
index 8d78202efc..9bc08bd717 100644
--- a/README.md
+++ b/README.md
@@ -82,7 +82,7 @@ The table below lists the recommender algorithms currently available in the repo
 | LightGBM/Gradient Boosting Tree<sup>*</sup> | Content-Based Filtering | Gradient Boosting Tree algorithm for fast training and low memory usage in content-based problems. It works in the CPU/GPU/PySpark environments. | [Quick start in CPU](examples/00_quick_start/lightgbm_tinycriteo.ipynb) / [Deep dive in PySpark](examples/02_model_content_based_filtering/mmlspark_lightgbm_criteo.ipynb) |
 | LightGCN | Collaborative Filtering | Deep learning algorithm which simplifies the design of GCN for predicting implicit feedback. It works in the CPU/GPU environment. | [Deep dive](examples/02_model_collaborative_filtering/lightgcn_deep_dive.ipynb) |
 | GeoIMC<sup>*</sup> | Hybrid | Matrix completion algorithm that has into account user and item features using Riemannian conjugate gradients optimization and following a geometric approach. It works in the CPU environment. | [Quick start](examples/00_quick_start/geoimc_movielens.ipynb) |
-| GRU4Rec | Collaborative Filtering | Sequential-based algorithm that aims to capture both long and short-term user preferences using recurrent neural networks. It works in the CPU/GPU environment. | [Quick start](examples/00_quick_start/sequential_recsys_amazondataset.ipynb) |
+| GRU | Collaborative Filtering | Sequential-based algorithm that aims to capture both long and short-term user preferences using recurrent neural networks. It works in the CPU/GPU environment. | [Quick start](examples/00_quick_start/sequential_recsys_amazondataset.ipynb) |
 | Multinomial VAE | Collaborative Filtering | Generative model for predicting user/item interactions. It works in the CPU/GPU environment. | [Deep dive](examples/02_model_collaborative_filtering/multi_vae_deep_dive.ipynb) |
 | Neural Recommendation with Long- and Short-term User Representations (LSTUR)<sup>*</sup> | Content-Based Filtering | Neural recommendation algorithm for recommending news articles with long- and short-term user interest modeling. It works in the CPU/GPU environment. | [Quick start](examples/00_quick_start/lstur_MIND.ipynb) |
 | Neural Recommendation with Attentive Multi-View Learning (NAML)<sup>*</sup> | Content-Based Filtering | Neural recommendation algorithm for recommending news articles with attentive multi-view learning. It works in the CPU/GPU environment. | [Quick start](examples/00_quick_start/naml_MIND.ipynb) |
diff --git a/docs/source/models.rst b/docs/source/models.rst
index e15204e4dd..c165eb37f9 100644
--- a/docs/source/models.rst
+++ b/docs/source/models.rst
@@ -59,7 +59,7 @@ Caser
 
 GRU4Rec
 --------------
-.. automodule:: recommenders.models.deeprec.models.sequential.gru4rec
+.. automodule:: recommenders.models.deeprec.models.sequential.gru
     :members:
 
 NextItNet
diff --git a/examples/00_quick_start/README.md b/examples/00_quick_start/README.md
index 4755cdbb2b..6d9ed0f0dc 100644
--- a/examples/00_quick_start/README.md
+++ b/examples/00_quick_start/README.md
@@ -20,7 +20,7 @@ In this directory, notebooks are provided to perform a quick demonstration of di
 | [sar_azureml_designer](sar_movieratings_with_azureml_designer.ipynb) | MovieLens | Python CPU | An example of how to implement SAR on [AzureML Designer](https://docs.microsoft.com/en-us/azure/machine-learning/concept-designer). |
 | [a2svd](sequential_recsys_amazondataset.ipynb) | Amazon | Python CPU, GPU | Use A2SVD [11] to predict a set of movies the user is going to interact in a short time. |
 | [caser](sequential_recsys_amazondataset.ipynb) | Amazon | Python CPU, GPU | Use Caser [12] to predict a set of movies the user is going to interact in a short time. |
-| [gru4rec](sequential_recsys_amazondataset.ipynb) | Amazon | Python CPU, GPU | Use GRU4Rec [13] to predict a set of movies the user is going to interact in a short time. |
+| [gru](sequential_recsys_amazondataset.ipynb) | Amazon | Python CPU, GPU | Use GRU [13] to predict a set of movies the user is going to interact in a short time. |
 | [nextitnet](sequential_recsys_amazondataset.ipynb) | Amazon | Python CPU, GPU | Use NextItNet [14] to predict a set of movies the user is going to interact in a short time. |
 | [sli-rec](sequential_recsys_amazondataset.ipynb) | Amazon | Python CPU, GPU | Use SLi-Rec [11] to predict a set of movies the user is going to interact in a short time. |
 | [wide-and-deep](wide_deep_movielens.ipynb) | MovieLens | Python CPU, GPU |  Utilizing Wide-and-Deep Model (Wide-and-Deep) [5] to predict movie ratings in a Python+GPU (TensorFlow) environment.
diff --git a/examples/00_quick_start/sequential_recsys_amazondataset.ipynb b/examples/00_quick_start/sequential_recsys_amazondataset.ipynb
index c76b10aaf5..8d22ba4617 100644
--- a/examples/00_quick_start/sequential_recsys_amazondataset.ipynb
+++ b/examples/00_quick_start/sequential_recsys_amazondataset.ipynb
@@ -18,7 +18,7 @@
                 "### Example: SLi_Rec : Adaptive User Modeling with Long and Short-Term Preferences for Personailzed Recommendation\n",
                 "Unlike a general recommender such as Matrix Factorization or xDeepFM (in the repo) which doesn't consider the order of the user's activities, sequential recommender systems take the sequence of the user behaviors as context and the goal is to predict the items that the user will interact in a short time (in an extreme case, the item that the user will interact next).\n",
                 "\n",
-                "This notebook aims to give you a quick example of how to train a sequential model based on a public Amazon dataset. Currently, we can support NextItNet \\[4\\], GRU4Rec \\[2\\], Caser \\[3\\], A2SVD \\[1\\], SLi_Rec \\[1\\], and SUM \\[5\\]. Without loss of generality, this notebook takes [SLi_Rec model](https://www.microsoft.com/en-us/research/uploads/prod/2019/07/IJCAI19-ready_v1.pdf) for example.\n",
+                "This notebook aims to give you a quick example of how to train a sequential model based on a public Amazon dataset. Currently, we can support NextItNet \\[4\\], GRU \\[2\\], Caser \\[3\\], A2SVD \\[1\\], SLi_Rec \\[1\\], and SUM \\[5\\]. Without loss of generality, this notebook takes [SLi_Rec model](https://www.microsoft.com/en-us/research/uploads/prod/2019/07/IJCAI19-ready_v1.pdf) for example.\n",
                 "SLi_Rec \\[1\\] is a deep learning-based model aims at capturing both long and short-term user preferences for precise recommender systems. To summarize, SLi_Rec has the following key properties:\n",
                 "\n",
                 "* It adopts the attentive \"Asymmetric-SVD\" paradigm for long-term modeling;\n",
@@ -84,7 +84,7 @@
                 "####  to use the other model, use one of the following lines:\n",
                 "# from recommenders.models.deeprec.models.sequential.asvd import A2SVDModel as SeqModel\n",
                 "# from recommenders.models.deeprec.models.sequential.caser import CaserModel as SeqModel\n",
-                "# from recommenders.models.deeprec.models.sequential.gru4rec import GRU4RecModel as SeqModel\n",
+                "# from recommenders.models.deeprec.models.sequential.gru import GRUModel as SeqModel\n",
                 "# from recommenders.models.deeprec.models.sequential.sum import SUMModel as SeqModel\n",
                 "\n",
                 "#from recommenders.models.deeprec.models.sequential.nextitnet import NextItNetModel\n",
@@ -448,7 +448,7 @@
                 "| Models | AUC | g-AUC | NDCG@2 | NDCG@10 | seconds per epoch on GPU | seconds per epoch on CPU| config |\n",
                 "| :------| :------: | :------: | :------: | :------: | :------: | :------: | :------ |\n",
                 "| A2SVD | 0.8251 | 0.8178 | 0.2922 | 0.4264 | 249.5 | 440.0 | N/A |\n",
-                "| GRU4Rec | 0.8411 | 0.8332 | 0.3213 | 0.4547 | 439.0 | 4285.0 | max_seq_length=50, hidden_size=40|\n",
+                "| GRU | 0.8411 | 0.8332 | 0.3213 | 0.4547 | 439.0 | 4285.0 | max_seq_length=50, hidden_size=40|\n",
                 "| Caser | 0.8244 | 0.8171 | 0.283 | 0.4194 | 314.3 | 5369.9 | T=1, n_v=128, n_h=128, L=3, min_seq_length=5|\n",
                 "| SLi_Rec | 0.8631 | 0.8519 | 0.3491 | 0.4842 | 549.6 | 5014.0 | attention_size=40, max_seq_length=50, hidden_size=40|\n",
                 "| NextItNet* | 0.6793 | 0.6769 | 0.0602 | 0.1733 | 112.0 | 214.5 | min_seq_length=3, dilations=\\[1,2,4,1,2,4\\], kernel_size=3 |\n",
@@ -557,13 +557,13 @@
                 "## References\n",
                 "\\[1\\] Zeping Yu, Jianxun Lian, Ahmad Mahmoody, Gongshen Liu, Xing Xie. Adaptive User Modeling with Long and Short-Term Preferences for Personailzed Recommendation. In Proceedings of the 28th International Joint Conferences on Artificial Intelligence, IJCAI’19, Pages 4213-4219. AAAI Press, 2019.\n",
                 "\n",
-                "\\[2\\] Balázs Hidasi, Alexandros Karatzoglou, Linas Baltrunas, Domonkos Tikk. Session-based Recommendations with Recurrent Neural Networks. ICLR (Poster) 2016\n",
+                "\\[2\\] Kyunghyun Cho, Bart van Merrienboer, Caglar Gulcehre, Dzmitry Bahdanau, Fethi Bougares, Holger Schwenk, and Yoshua Bengio. Learning Phrase Representations using RNN Encoder-Decoder for Statistical Machine Translation. arXiv preprint arXiv:1406.1078. 2014.\n",
                 "\n",
                 "\\[3\\] Tang, Jiaxi, and Ke Wang. Personalized top-n sequential recommendation via convolutional sequence embedding. Proceedings of the Eleventh ACM International Conference on Web Search and Data Mining. ACM, 2018.\n",
                 "\n",
-                "\\[4\\] Yuan, F., Karatzoglou, A., Arapakis, I., Jose, J. M., & He, X. A Simple Convolutional Generative Network for Next Item Recommendation. WSDM, 2019\n",
+                "\\[4\\] Yuan, F., Karatzoglou, A., Arapakis, I., Jose, J. M., & He, X. A Simple Convolutional Generative Network for Next Item Recommendation. WSDM, 2019.\n",
                 "\n",
-                "\\[5\\] Lian, J., Batal, I., Liu, Z., Soni, A., Kang, E. Y., Wang, Y., & Xie, X. Multi-Interest-Aware User Modeling for Large-Scale Sequential Recommendations. (2021) arXiv preprint arXiv:2102.09211."
+                "\\[5\\] Lian, J., Batal, I., Liu, Z., Soni, A., Kang, E. Y., Wang, Y., & Xie, X. Multi-Interest-Aware User Modeling for Large-Scale Sequential Recommendations. arXiv preprint arXiv:2102.09211. 2021."
             ]
         },
         {
@@ -598,4 +598,4 @@
     },
     "nbformat": 4,
     "nbformat_minor": 2
-}
\ No newline at end of file
+}
diff --git a/recommenders/README.md b/recommenders/README.md
index a9e4ca7dfe..33f80a04df 100644
--- a/recommenders/README.md
+++ b/recommenders/README.md
@@ -143,7 +143,7 @@ The models submodule contains implementations of various algorithms that can be
   *  Convolutional Sequence Embedding Recommendation (CASER)
   *  Deep Knowledge-Aware Network (DKN)
   *  Extreme Deep Factorization Machine (xDeepFM)
-  *  GRU4Rec
+  *  GRU
   *  LightGCN
   *  Next Item Recommendation (NextItNet)
   *  Short-term and Long-term Preference Integrated Recommender (SLi-Rec)

From b5f0f3ba76879357e6b3b77636e99aef9ed4f640 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 27 Sep 2023 09:16:20 +0200
Subject: [PATCH 02/31] Replacing references GRU4Rec to GRU

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 docs/source/models.rst                         |  2 +-
 examples/00_quick_start/sasrec_amazon.ipynb    |  4 ++--
 .../deeprec/config/{gru4rec.yaml => gru.yaml}  |  6 +++---
 recommenders/models/deeprec/config/sum.yaml    |  4 ++--
 recommenders/models/deeprec/deeprec_utils.py   |  2 +-
 .../models/sequential/{gru4rec.py => gru.py}   | 18 ++++++++++--------
 6 files changed, 19 insertions(+), 17 deletions(-)
 rename recommenders/models/deeprec/config/{gru4rec.yaml => gru.yaml} (92%)
 rename recommenders/models/deeprec/models/sequential/{gru4rec.py => gru.py} (82%)

diff --git a/docs/source/models.rst b/docs/source/models.rst
index c165eb37f9..4b5080869c 100644
--- a/docs/source/models.rst
+++ b/docs/source/models.rst
@@ -57,7 +57,7 @@ Caser
 .. automodule:: recommenders.models.deeprec.models.sequential.caser
     :members:
 
-GRU4Rec
+GRU
 --------------
 .. automodule:: recommenders.models.deeprec.models.sequential.gru
     :members:
diff --git a/examples/00_quick_start/sasrec_amazon.ipynb b/examples/00_quick_start/sasrec_amazon.ipynb
index 7378100769..164fb365f3 100644
--- a/examples/00_quick_start/sasrec_amazon.ipynb
+++ b/examples/00_quick_start/sasrec_amazon.ipynb
@@ -15,7 +15,7 @@
     "\n",
     "![image.png](attachment:image.png)\n",
     "\n",
-    "This is a class of sequential recommendation that uses Transformer \\[2\\] for encoding the users preference represented in terms of a sequence of items purchased/viewed before. Instead of using CNN (Caser \\[3\\]) or RNN (GRU4Rec \\[4\\], SLI-Rec \\[5\\] etc.) the approach relies on Transformer based encoder that generates a new representation of the item sequence. Two variants of this Transformer based approaches are included here, \n",
+    "This is a class of sequential recommendation that uses Transformer \\[2\\] for encoding the users preference represented in terms of a sequence of items purchased/viewed before. Instead of using CNN (Caser \\[3\\]) or RNN (GRU \\[4\\], SLI-Rec \\[5\\] etc.) the approach relies on Transformer based encoder that generates a new representation of the item sequence. Two variants of this Transformer based approaches are included here, \n",
     "\n",
     "- Self-Attentive Sequential Recommendation (or SASRec [1]) that is based on vanilla Transformer and models only the item sequence and\n",
     "- Stochastic Shared Embedding based Personalized Transformer or SSE-PT [6], that also models the users along with the items. \n",
@@ -456,7 +456,7 @@
     "\n",
     "\\[3\\] Jiaxi Tang and Ke Wang. 2018. Personalized top-n sequential recommendation via convolutional sequence embedding. In Proceedings of the Eleventh ACM International Conference on Web Search and Data Mining. ACM, 565–573.\n",
     "\n",
-    "\\[4\\] Balázs Hidasi, Alexandros Karatzoglou, Linas Baltrunas, and Domonkos Tikk. 2015. Session-based recommendations with recurrent neural networks. arXiv preprint arXiv:1511.06939 (2015)\n",
+    "\\[4\\] Kyunghyun Cho, Bart van Merrienboer, Caglar Gulcehre, Dzmitry Bahdanau, Fethi Bougares, Holger Schwenk, and Yoshua Bengio. Learning Phrase Representations using RNN Encoder-Decoder for Statistical Machine Translation. arXiv preprint arXiv:1406.1078. 2014.\n",
     "\n",
     "\\[5\\] Zeping Yu, Jianxun Lian, Ahmad Mahmoody, Gongshen Liu, Xing Xie. Adaptive User Modeling with Long and Short-Term Preferences for Personailzed Recommendation. In Proceedings of the 28th International Joint Conferences on Artificial Intelligence, IJCAI’19, Pages 4213-4219. AAAI Press, 2019.\n",
     "\n",
diff --git a/recommenders/models/deeprec/config/gru4rec.yaml b/recommenders/models/deeprec/config/gru.yaml
similarity index 92%
rename from recommenders/models/deeprec/config/gru4rec.yaml
rename to recommenders/models/deeprec/config/gru.yaml
index ada50292d7..ef01998a39 100644
--- a/recommenders/models/deeprec/config/gru4rec.yaml
+++ b/recommenders/models/deeprec/config/gru.yaml
@@ -8,7 +8,7 @@ data:
 #model
 model:
     method : classification # classification or regression
-    model_type : GRU4Rec
+    model_type : GRU
     layer_sizes : [100, 64]  # layers' size of DNN. In this example, DNN has two layers, and each layer has 100 hidden nodes.
     activation : [relu, relu] # activation function for DNN
     user_dropout: True 
@@ -48,8 +48,8 @@ info:
     save_epoch : 1    # if save_model is set to True, save the model every save_epoch.
     metrics : ['auc','logloss']  # metrics for evaluation.
     pairwise_metrics : ['mean_mrr', 'ndcg@2;4;6', "group_auc"]  # pairwise metrics for evaluation, available when pairwise comparisons are needed
-    MODEL_DIR : ./tests/resources/deeprec/gru4rec/model/gru4rec_model/  # directory of saved models.
-    SUMMARIES_DIR : ./tests/resources/deeprec/gru4rec/summary/gru4rec_summary/  # directory of saved summaries.
+    MODEL_DIR : ./tests/resources/deeprec/gru/model/gru_model/  # directory of saved models.
+    SUMMARIES_DIR : ./tests/resources/deeprec/gru/summary/gru_summary/  # directory of saved summaries.
     write_tfevents : True  # whether to save summaries.
 
     
diff --git a/recommenders/models/deeprec/config/sum.yaml b/recommenders/models/deeprec/config/sum.yaml
index 62b9fa79bd..353298e6d3 100644
--- a/recommenders/models/deeprec/config/sum.yaml
+++ b/recommenders/models/deeprec/config/sum.yaml
@@ -51,8 +51,8 @@ info:
     save_epoch : 1    # if save_model is set to True, save the model every save_epoch.
     metrics : ['auc','logloss']  # metrics for evaluation.
     pairwise_metrics : ['mean_mrr', 'ndcg@2;4;6', "group_auc"]  # pairwise metrics for evaluation, available when pairwise comparisons are needed
-    MODEL_DIR : ./tests/resources/deeprec/gru4rec/model/gru4rec_model/  # directory of saved models.
-    SUMMARIES_DIR : ./tests/resources/deeprec/gru4rec/summary/gru4rec_summary/  # directory of saved summaries.
+    MODEL_DIR : ./tests/resources/deeprec/gru/model/gru_model/  # directory of saved models.
+    SUMMARIES_DIR : ./tests/resources/deeprec/gru/summary/gru_summary/  # directory of saved summaries.
     write_tfevents : True  # whether to save summaries.
 
     
diff --git a/recommenders/models/deeprec/deeprec_utils.py b/recommenders/models/deeprec/deeprec_utils.py
index 264514f944..96a00ff18d 100644
--- a/recommenders/models/deeprec/deeprec_utils.py
+++ b/recommenders/models/deeprec/deeprec_utils.py
@@ -184,7 +184,7 @@ def check_nn_config(f_config):
             "data_format",
             "dropout",
         ]
-    if f_config["model_type"] in ["gru4rec", "GRU4REC", "GRU4Rec"]:
+    if f_config["model_type"] in ["gru", "GRU","gru4rec", "GRU4REC", "GRU4Rec"]:
         required_parameters = [
             "item_embedding_dim",
             "cate_embedding_dim",
diff --git a/recommenders/models/deeprec/models/sequential/gru4rec.py b/recommenders/models/deeprec/models/sequential/gru.py
similarity index 82%
rename from recommenders/models/deeprec/models/sequential/gru4rec.py
rename to recommenders/models/deeprec/models/sequential/gru.py
index 591c68fafa..281e7f97b7 100644
--- a/recommenders/models/deeprec/models/sequential/gru4rec.py
+++ b/recommenders/models/deeprec/models/sequential/gru.py
@@ -8,25 +8,27 @@
 )
 from tensorflow.compat.v1.nn import dynamic_rnn
 
-__all__ = ["GRU4RecModel"]
+__all__ = ["GRUModel"]
 
 
-class GRU4RecModel(SequentialBaseModel):
-    """GRU4Rec Model
+class GRUModel(SequentialBaseModel):
+    """GRU Model
 
     :Citation:
 
-        B. Hidasi, A. Karatzoglou, L. Baltrunas, D. Tikk, "Session-based Recommendations
-        with Recurrent Neural Networks", ICLR (Poster), 2016.
+        Kyunghyun Cho, Bart van Merrienboer, Caglar Gulcehre, Dzmitry Bahdanau, 
+        Fethi Bougares, Holger Schwenk, and Yoshua Bengio. Learning Phrase 
+        Representations using RNN Encoder-Decoder for Statistical Machine Translation. 
+        arXiv preprint arXiv:1406.1078. 2014.
     """
 
     def _build_seq_graph(self):
-        """The main function to create GRU4Rec model.
+        """The main function to create GRU model.
 
         Returns:
-            object:the output of GRU4Rec section.
+            object:the output of GRU section.
         """
-        with tf.compat.v1.variable_scope("gru4rec"):
+        with tf.compat.v1.variable_scope("gru"):
             # final_state = self._build_lstm()
             final_state = self._build_gru()
             model_output = tf.concat([final_state, self.target_item_embedding], 1)

From 4ba66e8118a93c72c9b6dcc967e39d19eb54f475 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 27 Sep 2023 09:17:23 +0200
Subject: [PATCH 03/31] Replacing references GRU4Rec in config files

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 recommenders/models/deeprec/deeprec_utils.py | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/recommenders/models/deeprec/deeprec_utils.py b/recommenders/models/deeprec/deeprec_utils.py
index 96a00ff18d..cc9fce84b7 100644
--- a/recommenders/models/deeprec/deeprec_utils.py
+++ b/recommenders/models/deeprec/deeprec_utils.py
@@ -184,7 +184,7 @@ def check_nn_config(f_config):
             "data_format",
             "dropout",
         ]
-    if f_config["model_type"] in ["gru", "GRU","gru4rec", "GRU4REC", "GRU4Rec"]:
+    if f_config["model_type"] in ["gru", "GRU"]:
         required_parameters = [
             "item_embedding_dim",
             "cate_embedding_dim",

From efd001ae67db5491c5f2296cff2886055564b63d Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Thu, 28 Sep 2023 13:52:09 +0200
Subject: [PATCH 04/31] Update references

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 examples/00_quick_start/README.md | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/examples/00_quick_start/README.md b/examples/00_quick_start/README.md
index 6d9ed0f0dc..5529ced6e9 100644
--- a/examples/00_quick_start/README.md
+++ b/examples/00_quick_start/README.md
@@ -38,5 +38,5 @@ In this directory, notebooks are provided to perform a quick demonstration of di
 [10] _NPA: Neural News Recommendation with Personalized Attention_, Chuhan Wu, Fangzhao Wu, Mingxiao An, Jianqiang Huang, Yongfeng Huang and Xing Xie. KDD 2019, ADS track.<br>
 [11] _Adaptive User Modeling with Long and Short-Term Preferences for Personailzed Recommendation_, Zeping Yu, Jianxun Lian, Ahmad Mahmoody, Gongshen Liu and Xing Xie, IJCAI 2019.<br>
 [12] _Personalized top-n sequential recommendation via convolutional sequence embedding_, Jiaxi Tang and Ke Wang, ACM WSDM 2018.<br>
-[13] _Session-based Recommendations with Recurrent Neural Networks_, Balazs Hidasi, Alexandros Karatzoglou, Linas Baltrunas and Domonkos Tikk, ICLR 2016.<br>
+[13] _Learning Phrase Representations using RNN Encoder-Decoder for Statistical Machine Translation_, Kyunghyun Cho, Bart van Merrienboer, Caglar Gulcehre, Dzmitry Bahdanau, Fethi Bougares, Holger Schwenk, and Yoshua Bengio, arXiv preprint arXiv:1406.1078. 2014.<br>
 [14] _A Simple Convolutional Generative Network for Next Item Recommendation_, Fajie Yuan, Alexandros Karatzoglou, Ioannis Arapakis, Joemon M. Jose and Xiangnan He, WSDM 2019. <br>

From 3bb666ca7109bef929eec69b873156eb0b74c196 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Tue, 19 Sep 2023 20:47:27 +0200
Subject: [PATCH 05/31] datasets with Sgit st!

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/ci/azureml_tests/test_groups.py | 8 ++++----
 1 file changed, 4 insertions(+), 4 deletions(-)

diff --git a/tests/ci/azureml_tests/test_groups.py b/tests/ci/azureml_tests/test_groups.py
index c21b8348ad..a1138e3df9 100644
--- a/tests/ci/azureml_tests/test_groups.py
+++ b/tests/ci/azureml_tests/test_groups.py
@@ -51,9 +51,9 @@
         "tests/functional/examples/test_notebooks_python.py::test_lightfm_functional",
     ],
     "group_cpu_003": [  # Total group time: 2253s
-        "tests/data_validation/recommenders/dataset/test_criteo.py::test_download_criteo_sample",  # 1.05s
-        "tests/data_validation/recommenders/dataset/test_criteo.py::test_extract_criteo_sample",  # 1.22s
-        "tests/data_validation/recommenders/dataset/test_criteo.py::test_criteo_load_pandas_df_sample",  # 1.73s
+        "tests/data_validation/recommenders/datasets/test_criteo.py::test_download_criteo_sample",  # 1.05s
+        "tests/data_validation/recommenders/datasets/test_criteo.py::test_extract_criteo_sample",  # 1.22s
+        "tests/data_validation/recommenders/datasets/test_criteo.py::test_criteo_load_pandas_df_sample",  # 1.73s
         "tests/data_validation/recommenders/datasets/test_criteo.py::test_criteo_load_pandas_df_full",  # 1368.63s
         #
         "tests/smoke/examples/test_notebooks_python.py::test_sar_single_node_smoke",  # 12.58s
@@ -145,7 +145,7 @@
     "group_spark_001": [  # Total group time: 987.16s
         "tests/data_validation/recommenders/datasets/test_movielens.py::test_load_spark_df",  # 4.33s+ 25.58s + 101.99s + 139.23s
         #
-        "tests/data_validation/recommenders/dataset/test_criteo.py::test_criteo_load_spark_df_sample",  # 6.83s
+        "tests/data_validation/recommenders/datasets/test_criteo.py::test_criteo_load_spark_df_sample",  # 6.83s
         "tests/data_validation/recommenders/datasets/test_criteo.py::test_criteo_load_spark_df_full",  # 374.64s
         #
         "tests/smoke/examples/test_notebooks_pyspark.py::test_mmlspark_lightgbm_criteo_smoke",  # 32.45s

From dbbbb8ba21f93e8f7cdcc753e6900ba36746af6a Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 20 Sep 2023 08:01:04 +0200
Subject: [PATCH 06/31] Added init to fix import error

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/data_validation/__init__.py                       | 1 +
 tests/data_validation/examples/__init__.py              | 1 +
 tests/data_validation/recommenders/datasets/__init__.py | 1 +
 tests/integration/recommenders/utils/__init__.py        | 1 +
 tests/performance/recommenders/evaluation/__init__.py   | 1 +
 tests/regression/__init__.py                            | 1 +
 tests/responsible_ai/recommenders/datasets/__init__.py  | 1 +
 tests/security/__init__.py                              | 1 +
 8 files changed, 8 insertions(+)
 create mode 100644 tests/data_validation/__init__.py
 create mode 100644 tests/data_validation/examples/__init__.py
 create mode 100644 tests/data_validation/recommenders/datasets/__init__.py
 create mode 100644 tests/integration/recommenders/utils/__init__.py
 create mode 100644 tests/performance/recommenders/evaluation/__init__.py
 create mode 100644 tests/regression/__init__.py
 create mode 100644 tests/responsible_ai/recommenders/datasets/__init__.py
 create mode 100644 tests/security/__init__.py

diff --git a/tests/data_validation/__init__.py b/tests/data_validation/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/data_validation/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/data_validation/examples/__init__.py b/tests/data_validation/examples/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/data_validation/examples/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/data_validation/recommenders/datasets/__init__.py b/tests/data_validation/recommenders/datasets/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/data_validation/recommenders/datasets/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/integration/recommenders/utils/__init__.py b/tests/integration/recommenders/utils/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/integration/recommenders/utils/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/performance/recommenders/evaluation/__init__.py b/tests/performance/recommenders/evaluation/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/performance/recommenders/evaluation/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/regression/__init__.py b/tests/regression/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/regression/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/responsible_ai/recommenders/datasets/__init__.py b/tests/responsible_ai/recommenders/datasets/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/responsible_ai/recommenders/datasets/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/security/__init__.py b/tests/security/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/security/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file

From 92eb22392408e536f809f79854d874db805a4aa0 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 20 Sep 2023 11:06:38 +0200
Subject: [PATCH 07/31] update repo url

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 examples/04_model_select_and_optimize/tuning_spark_als.ipynb | 2 +-
 tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py    | 2 +-
 tools/docker/README.md                                       | 2 +-
 3 files changed, 3 insertions(+), 3 deletions(-)

diff --git a/examples/04_model_select_and_optimize/tuning_spark_als.ipynb b/examples/04_model_select_and_optimize/tuning_spark_als.ipynb
index 84bf4ee57d..5f1c19286e 100644
--- a/examples/04_model_select_and_optimize/tuning_spark_als.ipynb
+++ b/examples/04_model_select_and_optimize/tuning_spark_als.ipynb
@@ -19,7 +19,7 @@
         {
             "cell_type": "markdown",
             "source": [
-                "Hyperparameter tuning for Spark based recommender algorithm is important to select a model with the optimal performance. This notebook introduces good practices in performing hyperparameter tuning for building recommender models with the utility functions provided in the [Microsoft/Recommenders](https://github.com/Microsoft/Recommenders.git) repository.\n",
+                "Hyperparameter tuning for Spark based recommender algorithm is important to select a model with the optimal performance. This notebook introduces good practices in performing hyperparameter tuning for building recommender models with the utility functions provided in the [Microsoft/Recommenders](https://github.com/recommenders-team/recommenders.git) repository.\n",
                 "\n",
                 "Three different approaches are introduced and comparatively studied.\n",
                 "* Spark native/custom constructs (`ParamGridBuilder`, `TrainValidationSplit`).\n",
diff --git a/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py b/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
index 79a189ccc2..9b42d35056 100644
--- a/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
+++ b/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
@@ -209,7 +209,7 @@ def create_run_config(
         reco_extras = reco_extras + ",spark"
 
     conda_dep.add_pip_package(
-        f"recommenders[{reco_extras}]@git+https://github.com/microsoft/recommenders.git@{commit_sha}"
+        f"recommenders[{reco_extras}]@git+https://github.com/recommenders-team/recommenders.git@{commit_sha}"
     )
 
     run_azuremlcompute.environment.python.conda_dependencies = conda_dep
diff --git a/tools/docker/README.md b/tools/docker/README.md
index 80eea4e027..adf5997a7b 100644
--- a/tools/docker/README.md
+++ b/tools/docker/README.md
@@ -86,7 +86,7 @@ docker run -it recommenders:cpu bash -c 'pip install pytest; \
 pip install pytest-cov; \
 pip install pytest-mock; \
 apt-get install -y git; \
-git clone https://github.com/microsoft/recommenders.git; \
+git clone https://github.com/recommenders-team/recommenders.git; \
 cd recommenders; \
 pytest tests/unit -m "not spark and not gpu and not notebooks and not experimental"'
 ```
\ No newline at end of file

From 3738f03c4d91d63b031b140885577b0d3b7476cd Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 20 Sep 2023 11:09:58 +0200
Subject: [PATCH 08/31] ignore xlearn

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/functional/examples/test_notebooks_python.py | 1 +
 1 file changed, 1 insertion(+)

diff --git a/tests/functional/examples/test_notebooks_python.py b/tests/functional/examples/test_notebooks_python.py
index f232576271..2422d6a735 100644
--- a/tests/functional/examples/test_notebooks_python.py
+++ b/tests/functional/examples/test_notebooks_python.py
@@ -261,6 +261,7 @@ def test_geoimc_functional(notebooks, output_notebook, kernel_name, expected_val
 
 @pytest.mark.notebooks
 @pytest.mark.experimental
+@pytest.mark.skip(reason="xLearn pip package has installation incompatibilities")
 def test_xlearn_fm_functional(notebooks, output_notebook, kernel_name):
     notebook_path = notebooks["xlearn_fm_deep_dive"]
     pm.execute_notebook(

From 0ce2c792a2b486ef53396f0ad2c169e11d37bbf4 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 20 Sep 2023 11:14:47 +0200
Subject: [PATCH 09/31] Add init files

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/data_validation/recommenders/__init__.py | 1 +
 tests/integration/__init__.py                  | 1 +
 tests/integration/recommenders/__init__.py     | 1 +
 tests/performance/__init__.py                  | 1 +
 tests/performance/recommenders/__init__.py     | 1 +
 tests/responsible_ai/__init__.py               | 1 +
 tests/responsible_ai/recommenders/__init__.py  | 1 +
 7 files changed, 7 insertions(+)
 create mode 100644 tests/data_validation/recommenders/__init__.py
 create mode 100644 tests/integration/__init__.py
 create mode 100644 tests/integration/recommenders/__init__.py
 create mode 100644 tests/performance/__init__.py
 create mode 100644 tests/performance/recommenders/__init__.py
 create mode 100644 tests/responsible_ai/__init__.py
 create mode 100644 tests/responsible_ai/recommenders/__init__.py

diff --git a/tests/data_validation/recommenders/__init__.py b/tests/data_validation/recommenders/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/data_validation/recommenders/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/integration/__init__.py b/tests/integration/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/integration/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/integration/recommenders/__init__.py b/tests/integration/recommenders/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/integration/recommenders/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/performance/__init__.py b/tests/performance/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/performance/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/performance/recommenders/__init__.py b/tests/performance/recommenders/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/performance/recommenders/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/responsible_ai/__init__.py b/tests/responsible_ai/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/responsible_ai/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file
diff --git a/tests/responsible_ai/recommenders/__init__.py b/tests/responsible_ai/recommenders/__init__.py
new file mode 100644
index 0000000000..25dc11fb93
--- /dev/null
+++ b/tests/responsible_ai/recommenders/__init__.py
@@ -0,0 +1 @@
+# Needed to execute the AzureML tests
\ No newline at end of file

From 011153d3a55b232c494206d1d7fdb151d0c460b9 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 20 Sep 2023 12:20:57 +0200
Subject: [PATCH 10/31] update info from MS

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 CONTRIBUTING.md | 5 -----
 setup.py        | 2 +-
 2 files changed, 1 insertion(+), 6 deletions(-)

diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md
index 93c0cb4736..e28b87e4a7 100644
--- a/CONTRIBUTING.md
+++ b/CONTRIBUTING.md
@@ -68,8 +68,3 @@ Try to be empathic.
 
 </details>
 
-## Microsoft Contributor License Agreement
-
-Most contributions require you to agree to a Contributor License Agreement (CLA) declaring that you have the right to, and actually do, grant us the rights to use your contribution. For details, visit https://cla.microsoft.com.
-
-When you submit a pull request, a CLA-bot will automatically determine whether you need to provide a CLA and decorate the PR appropriately (e.g., label, comment). Simply follow the instructions provided by the bot. You will only need to do this once across all repos using our CLA.
diff --git a/setup.py b/setup.py
index 679252462b..eb7bdf857c 100644
--- a/setup.py
+++ b/setup.py
@@ -105,7 +105,7 @@
     url="https://github.com/recommenders-team/recommenders",
     project_urls={
         "Documentation": "https://microsoft-recommenders.readthedocs.io/en/stable/",
-        "Wiki": "https://github.com/microsoft/recommenders/wiki",
+        "Wiki": "https://github.com/recommenders-team/recommenders/wiki",
     },
     author="RecoDev Team at Microsoft",
     author_email="RecoDevTeam@service.microsoft.com",

From d1fb6dcef3d2656e114409630d8a94ded2fc0f29 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 20 Sep 2023 12:21:18 +0200
Subject: [PATCH 11/31] update info from MS

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 SECURITY.md | 35 -----------------------------------
 1 file changed, 35 deletions(-)
 delete mode 100644 SECURITY.md

diff --git a/SECURITY.md b/SECURITY.md
deleted file mode 100644
index 1e12fccd91..0000000000
--- a/SECURITY.md
+++ /dev/null
@@ -1,35 +0,0 @@
-<!-- BEGIN MICROSOFT SECURITY.MD V0.0.1 BLOCK -->
-
-## Security
-
-Microsoft takes the security of our software products and services seriously, which includes all source code repositories managed through our GitHub organizations, which include [Microsoft](https://github.com/Microsoft), [Azure](https://github.com/Azure), [DotNet](https://github.com/dotnet), [AspNet](https://github.com/aspnet), [Xamarin](https://github.com/xamarin), and [many more](https://opensource.microsoft.com/).
-
-If you believe you have found a security vulnerability in any Microsoft-owned repository that meets Microsoft's [definition](https://docs.microsoft.com/en-us/previous-versions/tn-archive/cc751383(v=technet.10)) of a security vulnerability, please report it to us as described below.
-
-## Reporting Security Issues
-
-**Please do not report security vulnerabilities through public GitHub issues.** Instead, please report them to the Microsoft Security Response Center at [secure@microsoft.com](mailto:secure@microsoft.com).  If possible, encrypt your message with our PGP key; please download it from the [Microsoft Security Response Center PGP Key page](https://technet.microsoft.com/en-us/security/dn606155).
-
-You should receive a response within 24 hours. If for some reason you do not, please follow up via email to ensure we received your original message. Additional information can be found at [microsoft.com/msrc](https://www.microsoft.com/msrc). 
-
-Please include the requested information listed below (as much as you can provide) to help us better understand the nature and scope of the possible issue:
-
-  * Type of issue (e.g. buffer overflow, SQL injection, cross-site scripting, etc.)
-  * Full paths of source file(s) related to the manifestation of the issue
-  * The location of the affected source code (tag/branch/commit or direct URL)
-  * Any special configuration required to reproduce the issue
-  * Step-by-step instructions to reproduce the issue
-  * Proof-of-concept or exploit code (if possible)
-  * Impact of the issue, including how an attacker might exploit the issue
-
-This information will help us triage your report more quickly.
- 
-## Preferred Languages
-
-We prefer all communications to be in English.
-
-## Policy
-
-Microsoft follows the principle of [Coordinated Vulnerability Disclosure](https://www.microsoft.com/en-us/msrc/cvd).
-
-<!-- END MICROSOFT SECURITY.MD BLOCK -->

From dc7f6a7ef9f92be9c1368ae7aa25530179047641 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 20 Sep 2023 12:26:36 +0200
Subject: [PATCH 12/31] :memo:

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 setup.py | 4 ++--
 1 file changed, 2 insertions(+), 2 deletions(-)

diff --git a/setup.py b/setup.py
index eb7bdf857c..3865d4d5d7 100644
--- a/setup.py
+++ b/setup.py
@@ -60,7 +60,7 @@
 extras_require = {
     "gpu": [
         "nvidia-ml-py3>=7.352.0",
-        # TensorFlow compiled with CUDA 11.2, cudnn 8.1
+        # TensorFlow compiled with CUDA 11.2, CuDNN 8.1
         "tensorflow~=2.6.1;python_version=='3.6'",
         "tensorflow~=2.7.0;python_version>='3.7'",
         "tf-slim>=1.1.0",
@@ -107,7 +107,7 @@
         "Documentation": "https://microsoft-recommenders.readthedocs.io/en/stable/",
         "Wiki": "https://github.com/recommenders-team/recommenders/wiki",
     },
-    author="RecoDev Team at Microsoft",
+    author="Recommenders contributors",
     author_email="RecoDevTeam@service.microsoft.com",
     classifiers=[
         "Development Status :: 5 - Production/Stable",

From 457312d092c67ddd3c29c6aff43704dba648b0ab Mon Sep 17 00:00:00 2001
From: Andreas Argyriou <anargyri@users.noreply.github.com>
Date: Wed, 20 Sep 2023 13:19:56 +0100
Subject: [PATCH 13/31] Minor syntax in README

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 README.md | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/README.md b/README.md
index a555de8777..8d78202efc 100644
--- a/README.md
+++ b/README.md
@@ -6,7 +6,7 @@
 
 ## What's New (August, 2023)
 
-We moved to a new organization! Now to access the repo, instead of going to https://github.com/microsoft/recommenders, you need to go to https://github.com/recommenders-team/recommenders. The old URL will still resolve to the new one, but we recommend you to update your bookmarks.
+We moved to a new organization! Now to access the repo, instead of going to https://github.com/microsoft/recommenders, you need to go to https://github.com/recommenders-team/recommenders. The old URL will still resolve to the new one, but we recommend that you update your bookmarks.
 
 Starting with release 0.6.0, Recommenders has been available on PyPI and can be installed using pip! 
 

From ff4634d9c3035fc433d87696d6b0faada7a0556c Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 22 Sep 2023 15:02:18 +0200
Subject: [PATCH 14/31] :memo:

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/functional/examples/test_notebooks_python.py | 3 ++-
 1 file changed, 2 insertions(+), 1 deletion(-)

diff --git a/tests/functional/examples/test_notebooks_python.py b/tests/functional/examples/test_notebooks_python.py
index 2422d6a735..5bb6da42bb 100644
--- a/tests/functional/examples/test_notebooks_python.py
+++ b/tests/functional/examples/test_notebooks_python.py
@@ -214,7 +214,7 @@ def test_cornac_bpr_functional(
     [
         (
             "100k",
-            10,
+            3,
             dict(
                 eval_precision=0.131601,
                 eval_recall=0.038056,
@@ -224,6 +224,7 @@ def test_cornac_bpr_functional(
         ),
     ],
 )
+@pytest.mark.skip(reason="LightFM notebook takes too long to run. Review issue #1707")
 def test_lightfm_functional(
     notebooks, output_notebook, kernel_name, size, epochs, expected_values
 ):

From ccb7b75bc7a24c8ffcfceaf75f3aba3c9178d4f6 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Thu, 28 Sep 2023 14:15:25 +0200
Subject: [PATCH 15/31] Announcement LF

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 NEWS.md   |  4 ++++
 README.md | 12 ++++++------
 2 files changed, 10 insertions(+), 6 deletions(-)

diff --git a/NEWS.md b/NEWS.md
index ba907908d3..b912d3d460 100644
--- a/NEWS.md
+++ b/NEWS.md
@@ -1,5 +1,9 @@
 # What's New
 
+## Update October 3, 2023
+
+We are pleased to announced that we have joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data). With this move, our objective is to keep building an ecosystem to sustain open source innovation and collaboration in recommendation systems.
+
 ## Update August 18, 2023
 
 We moved to a new organization! Now to access the repo, instead of going to https://github.com/microsoft/recommenders, you need to go to https://github.com/recommenders-team/recommenders. The old URL will still resolve to the new one, but we recommend you to update your bookmarks.
diff --git a/README.md b/README.md
index 8d78202efc..47ab2899f9 100644
--- a/README.md
+++ b/README.md
@@ -4,17 +4,17 @@
 
 <img src="https://raw.githubusercontent.com/recommenders-team/artwork/main/color/recommenders_color.svg" width="800">
 
-## What's New (August, 2023)
+## What's New (October, 2023)
 
-We moved to a new organization! Now to access the repo, instead of going to https://github.com/microsoft/recommenders, you need to go to https://github.com/recommenders-team/recommenders. The old URL will still resolve to the new one, but we recommend that you update your bookmarks.
+We are pleased to announced that we have joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data). With this move, our objective is to keep building an ecosystem to sustain open source innovation and collaboration in recommendation systems.
 
-Starting with release 0.6.0, Recommenders has been available on PyPI and can be installed using pip! 
+We moved to a new organization! Now to access the repo, instead of going to https://github.com/microsoft/recommenders, you need to go to https://github.com/recommenders-team/recommenders. The old URL will still resolve to the new one, but we recommend that you update your bookmarks.
 
-Here you can find the PyPi page: https://pypi.org/project/recommenders/
+## Introduction
 
-Here you can find the package documentation: https://microsoft-recommenders.readthedocs.io/en/latest/
+Recommenders objective is to assist researchers, developers, and enthusiasts in prototyping, experimenting with, and bringing to production a range of classic and state-of-the-art recommendation systems.
 
-## Introduction
+Recommenders is a project under the [Linux Foundation of AI and Data](https://lfaidata.foundation/projects/). 
 
 This repository contains examples and best practices for building recommendation systems, provided as Jupyter notebooks. The examples detail our learnings on five key tasks:
 

From bfe470c22f3483dfffffd45e0db098870011e1d9 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 29 Sep 2023 08:07:51 +0200
Subject: [PATCH 16/31] Update email

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 setup.py | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/setup.py b/setup.py
index 3865d4d5d7..7d07be5238 100644
--- a/setup.py
+++ b/setup.py
@@ -108,7 +108,7 @@
         "Wiki": "https://github.com/recommenders-team/recommenders/wiki",
     },
     author="Recommenders contributors",
-    author_email="RecoDevTeam@service.microsoft.com",
+    author_email="recommenders-technical-discuss@lists.lfaidata.foundation",
     classifiers=[
         "Development Status :: 5 - Production/Stable",
         "Intended Audience :: Developers",

From b7ee345f1c232dfbb758053ef969bf0612835c02 Mon Sep 17 00:00:00 2001
From: Andreas Argyriou <anargyri@users.noreply.github.com>
Date: Thu, 28 Sep 2023 13:25:53 +0100
Subject: [PATCH 17/31] Update README.md

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 README.md | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/README.md b/README.md
index 47ab2899f9..678f28a42e 100644
--- a/README.md
+++ b/README.md
@@ -12,7 +12,7 @@ We moved to a new organization! Now to access the repo, instead of going to http
 
 ## Introduction
 
-Recommenders objective is to assist researchers, developers, and enthusiasts in prototyping, experimenting with, and bringing to production a range of classic and state-of-the-art recommendation systems.
+Recommenders objective is to assist researchers, developers and enthusiasts in prototyping, experimenting with and bringing to production a range of classic and state-of-the-art recommendation systems.
 
 Recommenders is a project under the [Linux Foundation of AI and Data](https://lfaidata.foundation/projects/). 
 

From 4a76743f4520af17e04b20497dde59a7d8a3cf7a Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 29 Sep 2023 10:47:32 +0200
Subject: [PATCH 18/31] security

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 SECURITY.md | 18 ++++++++++++++++++
 1 file changed, 18 insertions(+)
 create mode 100644 SECURITY.md

diff --git a/SECURITY.md b/SECURITY.md
new file mode 100644
index 0000000000..0756261078
--- /dev/null
+++ b/SECURITY.md
@@ -0,0 +1,18 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
+# Security Policy
+
+## Reporting a Vulnerability
+If you think you have found a security vulnerability, please send a report to recommenders-security@lists.lfaidata.foundation. 
+
+We don't currently have a PGP key, unfortunately.
+
+A Recommenders committer will send you a response indicating the next steps in handling your report. After the initial reply to your report, the committer will keep you informed of the progress towards a fix and full announcement, and may ask for additional information or guidance.
+
+Important: Please don't disclose the vulnerability before it has been fixed and announced, to protect our users.
+
+## Security announcements
+Please subscribe to the [announcements mailing list](https://lists.lfaidata.foundation/g/recommenders-announce), where we post notifications and remediation details for security vulnerabilities.
\ No newline at end of file

From dc459bb969958794883b9f2a1c156384bb27a9bc Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 29 Sep 2023 10:50:56 +0200
Subject: [PATCH 19/31] license and contribution notice

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 AUTHORS.md             | 5 +++++
 CODE_OF_CONDUCT.md     | 5 +++++
 CONTRIBUTING.md        | 5 +++++
 GLOSSARY.md            | 5 +++++
 NEWS.md                | 5 +++++
 README.md              | 5 +++++
 SETUP.md               | 5 +++++
 recommenders/README.md | 5 +++++
 scenarios/README.md    | 5 +++++
 tests/README.md        | 5 +++++
 tests/ci/README.md     | 5 +++++
 11 files changed, 55 insertions(+)

diff --git a/AUTHORS.md b/AUTHORS.md
index 1b00c50125..7f73933ac9 100644
--- a/AUTHORS.md
+++ b/AUTHORS.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 Contributors to Recommenders 
 ============================
 Recommenders is developed and maintained by a community of people interested in exploring recommendation algorithms and how best to deploy them in industry settings. The goal is to accelerate the workflow of any individual or organization working on recommender systems. Everyone is encouraged to contribute at any level to add and improve the implemented algorithms, notebooks and utilities.
diff --git a/CODE_OF_CONDUCT.md b/CODE_OF_CONDUCT.md
index ec9795fdd2..f16358afd1 100644
--- a/CODE_OF_CONDUCT.md
+++ b/CODE_OF_CONDUCT.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Microsoft Open Source Code of Conduct
 
 This project has adopted the [Microsoft Open Source Code of Conduct](https://opensource.microsoft.com/codeofconduct/).
diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md
index e28b87e4a7..d8b148a1b9 100644
--- a/CONTRIBUTING.md
+++ b/CONTRIBUTING.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Contribution Guidelines
 
 Contributions are welcomed! Here's a few things to know:
diff --git a/GLOSSARY.md b/GLOSSARY.md
index 157f370849..1829c10575 100644
--- a/GLOSSARY.md
+++ b/GLOSSARY.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Glossary
 
 * **A/B testing**: Methodology to evaluate the performance of a system in production. In the context of Recommendation Systems it is used to measure a machine learning model performance in real-time. It works by randomizing an environment response into two groups A and B, typically half of the traffic goes to the machine learning model output and the other half is left without model. By comparing the metrics from A and B branches, it is possible to evaluate whether it is beneficial the use of the model or not. A test with more than two groups it is named Multi-Variate Test.
diff --git a/NEWS.md b/NEWS.md
index b912d3d460..8553c58381 100644
--- a/NEWS.md
+++ b/NEWS.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # What's New
 
 ## Update October 3, 2023
diff --git a/README.md b/README.md
index 678f28a42e..f3a5807e32 100644
--- a/README.md
+++ b/README.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Recommenders
 
 [![Documentation Status](https://readthedocs.org/projects/microsoft-recommenders/badge/?version=latest)](https://microsoft-recommenders.readthedocs.io/en/latest/?badge=latest)
diff --git a/SETUP.md b/SETUP.md
index 2334de0963..f06995e6e5 100644
--- a/SETUP.md
+++ b/SETUP.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Setup Guide
 
 The repo, including this guide, is tested on Linux. Where applicable, we document differences in [Windows](#windows-specific-instructions) and [MacOS](#macos-specific-instructions) although 
diff --git a/recommenders/README.md b/recommenders/README.md
index a9e4ca7dfe..1330e64230 100644
--- a/recommenders/README.md
+++ b/recommenders/README.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Recommender Utilities
 
 This package contains functions to simplify common tasks used when developing and evaluating recommender systems. A short description of the submodules is provided below. For more details about what functions are available and how to use them, please review the doc-strings provided with the code or the [online documentation](https://readthedocs.org/projects/microsoft-recommenders/).
diff --git a/scenarios/README.md b/scenarios/README.md
index 7bb166e73f..128089d865 100644
--- a/scenarios/README.md
+++ b/scenarios/README.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Recommendation System Scenarios
 
 On this section there is listed a number of business scenarios that are common in Recommendation Systems.
diff --git a/tests/README.md b/tests/README.md
index 014fa84ebd..a3eb149e5e 100644
--- a/tests/README.md
+++ b/tests/README.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Tests
 
 In this document we show our test infrastructure and how to contribute tests to the repository.
diff --git a/tests/ci/README.md b/tests/ci/README.md
index b883df2a32..218074a695 100644
--- a/tests/ci/README.md
+++ b/tests/ci/README.md
@@ -1,3 +1,8 @@
+<!--
+Copyright (c) Recommenders contributors.
+Licensed under the MIT License.
+-->
+
 # Azure Machine Learning service testing pipeline
 
 The Python files to enable the AzureML tests are located in [azureml_tests](azureml_tests).

From 6de8ce9009c65f733853e7d087ae51caf1aeb6eb Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 29 Sep 2023 10:51:17 +0200
Subject: [PATCH 20/31] update author link

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 AUTHORS.md | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/AUTHORS.md b/AUTHORS.md
index 7f73933ac9..54664fe0c2 100644
--- a/AUTHORS.md
+++ b/AUTHORS.md
@@ -8,7 +8,7 @@ Contributors to Recommenders
 Recommenders is developed and maintained by a community of people interested in exploring recommendation algorithms and how best to deploy them in industry settings. The goal is to accelerate the workflow of any individual or organization working on recommender systems. Everyone is encouraged to contribute at any level to add and improve the implemented algorithms, notebooks and utilities.
 
 <p align="center">
-  <img src="https://contributors-img.web.app/image?repo=microsoft/recommenders" width = 500/>
+  <img src="https://contributors-img.web.app/image?repo=recommenders-team/recommenders" width = 500/>
 </p>
 
 Maintainers (sorted alphabetically)

From 63b352b2648d9345bc0087a5dd21fb8853846bbc Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 29 Sep 2023 11:03:47 +0200
Subject: [PATCH 21/31] Add new code of conduct from LF

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 CODE_OF_CONDUCT.md | 40 ++++++++++++++++++++++++++++++++++------
 CONTRIBUTING.md    |  4 ++--
 2 files changed, 36 insertions(+), 8 deletions(-)

diff --git a/CODE_OF_CONDUCT.md b/CODE_OF_CONDUCT.md
index f16358afd1..21d30e6887 100644
--- a/CODE_OF_CONDUCT.md
+++ b/CODE_OF_CONDUCT.md
@@ -3,12 +3,40 @@ Copyright (c) Recommenders contributors.
 Licensed under the MIT License.
 -->
 
-# Microsoft Open Source Code of Conduct
+# Recommenders Code of Conduct
 
-This project has adopted the [Microsoft Open Source Code of Conduct](https://opensource.microsoft.com/codeofconduct/).
+This code of conduct outlines expectations for participation in the Recommenders open source community, as well as steps for reporting unacceptable behavior. We are committed to providing a welcoming and inspiring community for all. People violating this code of conduct may be banned from the community. Our open source community strives to:
 
-Resources:
+* **Be friendly and patient**: Remember you might not be communicating in someone else's primary spoken or programming language, and others may not have your level of understanding.
 
-- [Microsoft Open Source Code of Conduct](https://opensource.microsoft.com/codeofconduct/)
-- [Microsoft Code of Conduct FAQ](https://opensource.microsoft.com/codeofconduct/faq/)
-- Contact [opencode@microsoft.com](mailto:opencode@microsoft.com) with any additional questions or comments.
+* **Be welcoming**: Our community welcomes and supports people of all backgrounds and identities. This includes, but is not limited to members of any race, ethnicity, culture, national origin, color, immigration status, social and economic class, educational level, sex, sexual orientation, gender identity and expression, age, size, family status, political belief, religion, and mental and physical ability.
+
+* **Be respectful**: We are a world-wide community of professionals, and we conduct ourselves professionally. Disagreement is no excuse for poor behavior and poor manners. Disrespectful and unacceptable behavior includes, but is not limited to:
+    1. Violent threats or language.
+    1. Discriminatory or derogatory jokes and language.
+    1. Posting sexually explicit or violent material.
+    1. Posting, or threatening to post, people's personally identifying information ("doxing").
+    1. Insults, especially those using discriminatory terms or slurs.
+    1. Behavior that could be perceived as sexual attention.
+    1. Advocating for or encouraging any of the above behaviors.
+
+* **Understand disagreements**: Disagreements, both social and technical, are useful learning opportunities. Seek to understand the other viewpoints and resolve differences constructively.
+
+* **Remember that we’re different**. The strength of our community comes from its diversity, people from a wide range of backgrounds. Different people have different perspectives on issues. Being unable to understand why someone holds a viewpoint doesn’t mean that they’re wrong. Focus on helping to resolve issues and learning from mistakes.
+
+* This code is not exhaustive or complete. It serves to capture our common understanding of a productive, collaborative environment. We expect the code to be followed in spirit as much as in the letter.
+
+## Reporting Code of Conduct Issues
+
+We encourage all communities to resolve issues on their own whenever possible. This builds a broader and deeper understanding and ultimately a healthier interaction. In the event that an issue cannot be resolved locally, please feel free to report your concerns by contacting conduct@lfai.foundation. In your report please include:
+
+1. Your contact information.
+1. Names (real, usernames or pseudonyms) of any individuals involved. If there are additional witnesses, please include them as well.
+1. Your account of what occurred, and if you believe the incident is ongoing. If there is a publicly available record (e.g. a mailing list archive or a public chat log), please include a link or attachment.
+1. Any additional information that may be helpful.
+
+All reports will be reviewed by a multi-person team and will result in a response that is deemed necessary and appropriate to the circumstances. Where additional perspectives are needed, the team may seek insight from others with relevant expertise or experience. The confidentiality of the person reporting the incident will be kept at all times. Involved parties are never part of the review team.
+
+Anyone asked to stop unacceptable behavior is expected to comply immediately. If an individual engages in unacceptable behavior, the review team may take any action they deem appropriate, including a permanent ban from the community.
+
+*This code of conduct is based on the [template](http://todogroup.org/opencodeofconduct) established by the [TODO Group](http://todogroup.org/) and used by numerous other large communities and the Scope section from the [Contributor Covenant version 1.4](http://contributor-covenant.org/version/1/4/).*
diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md
index d8b148a1b9..4be1443b4d 100644
--- a/CONTRIBUTING.md
+++ b/CONTRIBUTING.md
@@ -37,9 +37,9 @@ Once the features included in a [milestone](https://github.com/microsoft/recomme
 
 We strive to maintain high quality code to make the utilities in the repository easy to understand, use, and extend. We also work hard to maintain a friendly and constructive environment. We've found that having clear expectations on the development process and consistent style helps to ensure everyone can contribute and collaborate effectively.
 
-Please review the [coding guidelines](https://github.com/Microsoft/Recommenders/wiki/Coding-Guidelines) wiki page to see more details about the expectations for development approach and style.
+Please review the [coding guidelines](https://github.com/recommenders-team/recommenders/wiki/Coding-Guidelines) wiki page to see more details about the expectations for development approach and style.
 
-Apart from the official [Code of Conduct](CODE_OF_CONDUCT.md) developed by Microsoft, in the Recommenders team we adopt the following behaviors, to ensure a great working environment:
+Apart from the official [Code of Conduct](CODE_OF_CONDUCT.md), in Recommenders team we adopt the following behaviors, to ensure a great working environment:
 
 #### Do not point fingers
 Let’s be constructive.

From 25762734b4b015236e342e4c564feb8b00e67709 Mon Sep 17 00:00:00 2001
From: Miguel Fierro <3491412+miguelgfierro@users.noreply.github.com>
Date: Fri, 29 Sep 2023 12:27:47 +0200
Subject: [PATCH 22/31] Delete conda.md

---
 conda.md | 51 ---------------------------------------------------
 1 file changed, 51 deletions(-)
 delete mode 100644 conda.md

diff --git a/conda.md b/conda.md
deleted file mode 100644
index db0e03bfc2..0000000000
--- a/conda.md
+++ /dev/null
@@ -1,51 +0,0 @@
-One possible way to use the repository is to run all the recommender utilities directly from a local copy of the source code (without building the package). This requires installing all the necessary dependencies from Anaconda and PyPI.
-
-To this end we provide a script, [generate_conda_file.py](tools/generate_conda_file.py), to generate a conda-environment yaml file which you can use to create the target environment using Python with all the correct dependencies.
-
-Assuming the repo is cloned as `Recommenders` in the local system, to install **a default (Python CPU) environment**:
-
-    cd Recommenders
-    python tools/generate_conda_file.py
-    conda env create -f reco_base.yaml
-
-You can specify the environment name as well with the flag `-n`.
-
-Click on the following menus to see how to install Python GPU and PySpark environments:
-
-<details>
-<summary><strong><em>Python GPU environment</em></strong></summary>
-
-Assuming that you have a GPU machine, to install the Python GPU environment:
-
-    cd Recommenders
-    python tools/generate_conda_file.py --gpu
-    conda env create -f reco_gpu.yaml
-
-</details>
-
-<details>
-<summary><strong><em>PySpark environment</em></strong></summary>
-
-To install the PySpark environment:
-
-    cd Recommenders
-    python tools/generate_conda_file.py --pyspark
-    conda env create -f reco_pyspark.yaml
-
-Additionally, if you want to test a particular version of spark, you may pass the `--pyspark-version` argument:
-
-    python tools/generate_conda_file.py --pyspark-version 3.1.1
-
-</details>
-
-<details>
-<summary><strong><em>Full (PySpark & Python GPU) environment</em></strong></summary>
-
-With this environment, you can run both PySpark and Python GPU notebooks in this repository.
-To install the environment:
-
-    cd Recommenders
-    python tools/generate_conda_file.py --gpu --pyspark
-    conda env create -f reco_full.yaml
-
-</details>

From 79e61ca6e4dcf4050865f64ac28480f6a388cd65 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Wed, 4 Oct 2023 19:13:16 +0200
Subject: [PATCH 23/31] Update readme LF feedback @wutaomsft

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 NEWS.md   | 6 ++++--
 README.md | 6 ++++--
 2 files changed, 8 insertions(+), 4 deletions(-)

diff --git a/NEWS.md b/NEWS.md
index 8553c58381..be9421c638 100644
--- a/NEWS.md
+++ b/NEWS.md
@@ -5,9 +5,11 @@ Licensed under the MIT License.
 
 # What's New
 
-## Update October 3, 2023
+## Update October 10, 2023
 
-We are pleased to announced that we have joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data). With this move, our objective is to keep building an ecosystem to sustain open source innovation and collaboration in recommendation systems.
+We are pleased to announce that this repository (formerly known as Microsoft Recommenders, https://github.com/microsoft/recommenders)", has joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data)! The new organization, `recommenders-team`, reflects this change.
+
+We hope this move makes it easy for anyone to contribute! Our objective continues to be building an ecosystem and a community to sustain open source innovations and collaborations in recommendation systems. 
 
 ## Update August 18, 2023
 
diff --git a/README.md b/README.md
index 4528ef2f1b..3ec855531c 100644
--- a/README.md
+++ b/README.md
@@ -11,9 +11,11 @@ Licensed under the MIT License.
 
 ## What's New (October, 2023)
 
-We are pleased to announced that we have joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data). With this move, our objective is to keep building an ecosystem to sustain open source innovation and collaboration in recommendation systems.
+We are pleased to announce that this repository (formerly known as Microsoft Recommenders, https://github.com/microsoft/recommenders)", has joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data)! The new organization, `recommenders-team`, reflects this change.
 
-We moved to a new organization! Now to access the repo, instead of going to https://github.com/microsoft/recommenders, you need to go to https://github.com/recommenders-team/recommenders. The old URL will still resolve to the new one, but we recommend that you update your bookmarks.
+We hope this move makes it easy for anyone to contribute! Our objective continues to be building an ecosystem and a community to sustain open source innovations and collaborations in recommendation systems. 
+
+Now to access the repo, instead of going to https://github.com/microsoft/recommenders, you need to go to https://github.com/recommenders-team/recommenders. The old URL will still resolve to the new one, but we recommend that you update your bookmarks.
 
 ## Introduction
 

From 1b6ca64e9fb9418a5cd9f413efee8d8da9071e53 Mon Sep 17 00:00:00 2001
From: Miguel Fierro <3491412+miguelgfierro@users.noreply.github.com>
Date: Thu, 5 Oct 2023 21:52:11 +0200
Subject: [PATCH 24/31] Update NEWS.md

Co-authored-by: Andreas Argyriou <anargyri@users.noreply.github.com>
---
 NEWS.md | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/NEWS.md b/NEWS.md
index be9421c638..d417976c97 100644
--- a/NEWS.md
+++ b/NEWS.md
@@ -7,7 +7,7 @@ Licensed under the MIT License.
 
 ## Update October 10, 2023
 
-We are pleased to announce that this repository (formerly known as Microsoft Recommenders, https://github.com/microsoft/recommenders)", has joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data)! The new organization, `recommenders-team`, reflects this change.
+We are pleased to announce that this repository (formerly known as Microsoft Recommenders, https://github.com/microsoft/recommenders), has joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data)! The new organization, `recommenders-team`, reflects this change.
 
 We hope this move makes it easy for anyone to contribute! Our objective continues to be building an ecosystem and a community to sustain open source innovations and collaborations in recommendation systems. 
 

From 0a40ee0b3ad12bb0101da86befa1785b6588ed1c Mon Sep 17 00:00:00 2001
From: Miguel Fierro <3491412+miguelgfierro@users.noreply.github.com>
Date: Thu, 5 Oct 2023 21:52:24 +0200
Subject: [PATCH 25/31] Update README.md

Co-authored-by: Andreas Argyriou <anargyri@users.noreply.github.com>
---
 README.md | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/README.md b/README.md
index 3ec855531c..36664f58c5 100644
--- a/README.md
+++ b/README.md
@@ -11,7 +11,7 @@ Licensed under the MIT License.
 
 ## What's New (October, 2023)
 
-We are pleased to announce that this repository (formerly known as Microsoft Recommenders, https://github.com/microsoft/recommenders)", has joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data)! The new organization, `recommenders-team`, reflects this change.
+We are pleased to announce that this repository (formerly known as Microsoft Recommenders, https://github.com/microsoft/recommenders), has joined the [Linux Foundation of AI and Data](https://lfaidata.foundation/) (LF AI & Data)! The new organization, `recommenders-team`, reflects this change.
 
 We hope this move makes it easy for anyone to contribute! Our objective continues to be building an ecosystem and a community to sustain open source innovations and collaborations in recommendation systems. 
 

From 2beb9dd5868bcd3a565d35de7eccc389beb45fce Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 6 Oct 2023 17:45:01 +0200
Subject: [PATCH 26/31] :memo:

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py b/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
index 9b42d35056..b58b05be81 100644
--- a/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
+++ b/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
@@ -400,7 +400,7 @@ def create_arg_parser():
         "--conda_pkg_python",
         action="store",
         default="python=3.7",
-        help="conda package name for jdk",
+        help="conda package for Python",
     )
     parser.add_argument(
         "--testkind",

From 203610569cdb0d4648f4d85a71c8a18663c70028 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 6 Oct 2023 17:46:53 +0200
Subject: [PATCH 27/31] remove unused input

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py | 3 ---
 1 file changed, 3 deletions(-)

diff --git a/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py b/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
index b58b05be81..4fe1e5f8e6 100644
--- a/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
+++ b/tests/ci/azureml_tests/submit_groupwise_azureml_pytest.py
@@ -147,7 +147,6 @@ def setup_persistent_compute_target(workspace, cluster_name, vm_size, max_nodes)
 def create_run_config(
     cpu_cluster,
     docker_proc_type,
-    workspace,
     add_gpu_dependencies,
     add_spark_dependencies,
     conda_pkg_jdk,
@@ -167,7 +166,6 @@ def create_run_config(
                                                 - Reco_cpu_test
                                                 - Reco_gpu_test
             docker_proc_type (str)          : processor type, cpu or gpu
-            workspace                       : workspace reference
             add_gpu_dependencies (bool)     : True if gpu packages should be
                                         added to the conda environment, else False
             add_spark_dependencies (bool)   : True if PySpark packages should be
@@ -453,7 +451,6 @@ def create_arg_parser():
     run_config = create_run_config(
         cpu_cluster=cpu_cluster,
         docker_proc_type=docker_proc_type,
-        workspace=workspace,
         add_gpu_dependencies=args.add_gpu_dependencies,
         add_spark_dependencies=args.add_spark_dependencies,
         conda_pkg_jdk=args.conda_pkg_jdk,

From 512581c2fc7368c76d80c4cd1a5a9245e9754de5 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 6 Oct 2023 17:52:20 +0200
Subject: [PATCH 28/31] :memo:

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/ci/azureml_tests/run_groupwise_pytest.py | 4 ++--
 1 file changed, 2 insertions(+), 2 deletions(-)

diff --git a/tests/ci/azureml_tests/run_groupwise_pytest.py b/tests/ci/azureml_tests/run_groupwise_pytest.py
index f038567be8..cf0c2f2b8f 100644
--- a/tests/ci/azureml_tests/run_groupwise_pytest.py
+++ b/tests/ci/azureml_tests/run_groupwise_pytest.py
@@ -48,6 +48,8 @@
     else:
         test_group = pr_gate_test_groups[args.testgroup]
 
+    logger.info(f"Python version: {sys.version}")
+
     logger.info("Tests to be executed")
     logger.info(str(test_group))
 
@@ -55,8 +57,6 @@
     # of env vars
     run = Run.get_context()
 
-    logger.info("Python version ")
-    logger.info(str(sys.version))
     logger.info("Executing tests now...")
 
     # Add options to pytest command (Duration and disable warnings)

From 6a8d770dd6895a59706814d03e16e230c22857ad Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 6 Oct 2023 17:53:30 +0200
Subject: [PATCH 29/31] no need to output the logs twice

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 .github/actions/azureml-test/action.yml | 3 ---
 1 file changed, 3 deletions(-)

diff --git a/.github/actions/azureml-test/action.yml b/.github/actions/azureml-test/action.yml
index 67f23b6aa2..3770298d27 100644
--- a/.github/actions/azureml-test/action.yml
+++ b/.github/actions/azureml-test/action.yml
@@ -112,9 +112,6 @@ runs:
           --testlogs ${{inputs.TEST_LOGS_PATH}} --add_spark_dependencies --testkind ${{inputs.TEST_KIND}}
           --conda_pkg_python ${{inputs.PYTHON_VERSION}} --testgroup ${{inputs.TEST_GROUP}}
           --disable-warnings --sha "${GITHUB_SHA}"
-    - name: Print test logs
-      shell: bash
-      run: cat ${{inputs.TEST_LOGS_PATH}}
     - name: Get exit status
       shell: bash
       id: exit_status

From 6af75fd3a36a5cbfe597e588592f2a433fad9aa2 Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 6 Oct 2023 18:01:09 +0200
Subject: [PATCH 30/31] packages

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/ci/azureml_tests/run_groupwise_pytest.py | 5 +++++
 1 file changed, 5 insertions(+)

diff --git a/tests/ci/azureml_tests/run_groupwise_pytest.py b/tests/ci/azureml_tests/run_groupwise_pytest.py
index cf0c2f2b8f..eab582f635 100644
--- a/tests/ci/azureml_tests/run_groupwise_pytest.py
+++ b/tests/ci/azureml_tests/run_groupwise_pytest.py
@@ -12,6 +12,7 @@
 import pytest
 import argparse
 import glob
+import pkg_resources
 from azureml.core import Run
 from test_groups import nightly_test_groups, pr_gate_test_groups
 
@@ -50,6 +51,10 @@
 
     logger.info(f"Python version: {sys.version}")
 
+    logger.info("Installed packages:")
+    for p in pkg_resources.working_set:
+        logger.info(f"{p.project_name}:{p.version}")
+
     logger.info("Tests to be executed")
     logger.info(str(test_group))
 

From a1a1785360d56d8ffc5cbf9efd634d7b740ef86c Mon Sep 17 00:00:00 2001
From: miguelgfierro <miguelgfierro@users.noreply.github.com>
Date: Fri, 6 Oct 2023 19:06:43 +0200
Subject: [PATCH 31/31] skipping flaky test

Signed-off-by: miguelgfierro <miguelgfierro@users.noreply.github.com>
---
 tests/ci/azureml_tests/run_groupwise_pytest.py  | 2 +-
 tests/unit/recommenders/utils/test_gpu_utils.py | 1 +
 2 files changed, 2 insertions(+), 1 deletion(-)

diff --git a/tests/ci/azureml_tests/run_groupwise_pytest.py b/tests/ci/azureml_tests/run_groupwise_pytest.py
index eab582f635..92e1ee2bd5 100644
--- a/tests/ci/azureml_tests/run_groupwise_pytest.py
+++ b/tests/ci/azureml_tests/run_groupwise_pytest.py
@@ -53,7 +53,7 @@
 
     logger.info("Installed packages:")
     for p in pkg_resources.working_set:
-        logger.info(f"{p.project_name}:{p.version}")
+        logger.info(f" {p.project_name}:{p.version}")
 
     logger.info("Tests to be executed")
     logger.info(str(test_group))
diff --git a/tests/unit/recommenders/utils/test_gpu_utils.py b/tests/unit/recommenders/utils/test_gpu_utils.py
index 8d361b61fa..7cbe9b2872 100644
--- a/tests/unit/recommenders/utils/test_gpu_utils.py
+++ b/tests/unit/recommenders/utils/test_gpu_utils.py
@@ -57,5 +57,6 @@ def test_tensorflow_gpu():
 
 
 @pytest.mark.gpu
+@pytest.mark.skip(reason="This function in PyTorch is flaky")
 def test_pytorch_gpu():
     assert torch.cuda.is_available()