1. Homepage
  2. Programming
  3. COMPSCI4074 Text as Data - Coursework: Text Clustering and Classification on Reddit Datasets

COMPSCI4074 Text as Data - Coursework: Text Clustering and Classification on Reddit Datasets

Engage in a Conversation
UKThe University of GlasgowCOMPSCI4074Text as DataAn Introduction to Document AnalyticsClusteringClassificationTF_IDFBERTDeep LearningPythonMachine Learning

Assessed Coursework

Please Note: This Coursework cannot be Re-Assessed

Code of Assessment Rules for Coursework Submission

Deadlines for the submission of coursework which is to be formally assessed will be published in course documentation, and work which is submitted later than the deadline will be subject to penalty as set out below. CourseNana.COM

The primary grade and secondary band awarded for coursework which is submitted after the published deadline will be calculated as follows: CourseNana.COM

(i)  in respect of work submitted not more than five working days after the deadline a. the work will be assessed in the usual way; b. the primary grade and secondary band so determined will then be reduced by two secondary bands for each working day (or part of a working day) the work was submitted late. CourseNana.COM

(ii) work submitted more than five working days after the deadline will be awarded Grade H. CourseNana.COM

Penalties for late submission of coursework will not be imposed if good cause is established for the late submission. You should submit documents supporting good cause via MyCampus. CourseNana.COM

Text-as-Data Coursework

Introduction

The TaD coursework aims to assess your abilities relating to techniques discussed in the course. The objective is to assess your ability in text processing techniques, and applications to text classification. CourseNana.COM

Your work will be submitted through Moodle and will be assessed primarily on your PDF report. Your code is submitted as one or more supporting Jupyter/Colab notebooks (as separate .ipynb file(s)). This is an individual exercise, and you should work independently. If you have questions concerning this document, you are encouraged to contact the course lecturers as soon as possible. CourseNana.COM

Dataset cleanliness is an important practice in machine learning. Using your test dataset too much when building a system can damage its ability to give you accurate metrics on the performance of your system. This coursework follows good practice to use your validation dataset for the various experiments when building a classifier (in Q3-5) and only using the test set for the final evaluation in Q6. CourseNana.COM

You will also read and critique a research paper. CourseNana.COM

Q1 - Dataset [8 marks]

Your first step is to choose a text classification dataset for this coursework. You will explore it, build and evaluate a classifier on it. The dataset should contain a number of documents (which could be short like a tweet or long like a research article). It should also have some labels (more than two) that you want to be able to predict automatically. Those labels may be categories, topic information, sentiments, authors, or other. Find something that appeals to you. CourseNana.COM

Below are some examples, but we encourage you to explore and propose alternative datasets, too. If you choose a dataset that is not on this list, you must have it approved by submitting this form no later than 10 February 2023. CourseNana.COM

  • Datasets from Reddit:
    • You may use the Reddit dataset that we use in the labs
    • You could create your own dataset using the Reddit API
  • Amazon Food Reviews
    • Could try to predict positive, neutral or negative reviews
    • Link: https://www.kaggle.com/datasets/snap/amazon-fine-food-reviews
  • Movie Dialog
    • Could try to predict the genre of the movie from snippets of dialog
    • Link: http://www.cs.cornell.edu/~cristian/Cornell_Movie-Dialogs_Corpus.html
  • Or, a dataset of your choosing! Here are some possible sources:
    • https://github.com/niderhoff/nlp-datasets
    • https://github.com/awesomedata/awesome-public-datasets#naturallanguage

There are some requirements for the chosen dataset: CourseNana.COM

● It must be publicly accessible CourseNana.COM

● It must contain between 1000 and 10,000 samples (>= 1000 and <= 10000) CourseNana.COM

○ If your chosen dataset is too large, you should use random sampling to reduce the number of CourseNana.COM

samples to 10,000 CourseNana.COM

● It must have between three and ten labels (>= 3 and <= 10). This means that it cannot be a binary CourseNana.COM

classification dataset, and must be a multiclass (not multilabel) classification dataset. CourseNana.COM

○ The labels can be created from another field (e.g. by thresholding a numerical score into high, CourseNana.COM

medium and low score labels). CourseNana.COM

○ For this coursework, if there are more than ten labels, you can either: CourseNana.COM

■ Keep the nine most frequent labels and combine the less popular labels into an “Other” label CourseNana.COM

■ Keep the ten most frequent labels and remove any samples that are labelled with any other CourseNana.COM

label CourseNana.COM

Answer the following questions in your report about the dataset you selected. Note that you may need to do some pre-processing of the data to answer these questions. CourseNana.COM

  1. What is your dataset, and why did you select it? How might automatic classification/labelling of your dataset be used in practice? [2 marks]
  2. Provide a summary of the labels and input text to be used. What labels are to be predicted? Did you need to do any preprocessing to create the labels or to make sure the number of labels was >= 3 and <= 10? What is the text that will be used for classification? [4 marks]
  3. Is the dataset already split into a training, validation and test set? If not, use a 60/20/20% split to create the training, validation and test set. Provide a table with the label counts for each split of the dataset and comment on the distribution across labels and across data splits. Be sure you use the same splits throughout the entire report.
  4. marks]

Q2 - Clustering [14 marks]

Your next step is to perform k-means clustering over your data. Write your own implementation of k-means clustering over sparse TF-IDF vectors of your dataset. [6 mar CourseNana.COM

    • Recall that k-means consists of the following steps. Be sure that each of these steps are clearly indicated in your notebook submission.
      • Step 0: Vectorise text
      • Step 1: Pick k random "centroids"
      • Step 2: Assign each vector to its closest centroid
      • Step 3: Recalculate the centroids based on the closest vectors
      • [Repeat Steps 2 and 3 until the model converges]
    • If your dataset has multiple text fields (e.g., title and body), choose the field (or combination of fields) that you think will yield the best clusters.
    • Consider the model converged when no vectors change their assigned cluster between iterations.
    • Important note: You may NOT use the implementation of k-means provided by Scikit-Learn or any other package. You may, however, use packages to provide tokenisation, similarity calculation, etc., including the functions that you built in lab.
  1. In your report, answer the following questions:
  2. When using k=5 clusters, give a few examples of the documents assigned to each cluster, and the top 5 tokens with the highest magnitude in the corresponding centroid. [2 marks]
  3. Based on (a), do the clusters make sense? Are there certain topics that appear in some but not others? [2 marks]
  4. Construct a confusion matrix between the k=5 clusters and your target labels. [2 marks]
  5. What trends, if any, do you notice from the confusion matrix? Does it look like some clusters are able to pick up
  6. n a single label? When a cluster includes multiple labels, are they related? [2 marks]

Q3 - Comparing Classifiers [10 marks]

Use the text in your dataset to train baseline classification models with the Scikit Learn package. Conduct experiments using the following combinations of classifier models and feature representations: CourseNana.COM

● Dummy Classifier with strategy="most_frequent" CourseNana.COM

● Dummy Classifier with strategy="stratified" CourseNana.COM

● LogisticRegression with One-hot vectorization CourseNana.COM

● LogisticRegression with TF-IDF vectorization (default settings) CourseNana.COM

● SVC Classifier with One-hot vectorization (SVM with RBF kernel, default settings) CourseNana.COM

(a) Implement the five baseline classifiers above, train them on the training set and evaluate on the validation set. Discuss the classifier performance in comparison to the others and preprocessing techniques [7 marks] CourseNana.COM

For the above classifiers report the classifier accuracy as well as macro-averaged precision, recall, and F1 (to three decimal places). Show the evaluation metrics1 obtained by the classifiers on the training and validation sets in one table, and highlight the best performance. For the best-performing classifier (by macro F1 in validation set), include a bar chart graph with the F1 score for each class - (classes on x-axis, F1 score on Y axis). CourseNana.COM

Analyse and discuss the effectiveness of the classifiers. Your discussion should include how the models perform relative to the baselines and each other. It should discuss the classifiers’ behaviours with respect to: CourseNana.COM

  1. Appropriate model “fit” (how well is the model fit to the training/test dataset),
  2. Dataset considerations (e.g. how are labels distributed, any other dataset issues?)
  3. Classifier models (and their key parameters).
  1. Choose your own classifier/tokenisation/normalisation approach from Scikit Learn, and report on its performance with respect to the five baselines from above on the validation set. [3 marks]
    • You should describe your selected classifier and vectorisation approach including a justification for its appropriateness.
  2. Q4 - Parameter Tuning [5 marks] In this task you will improve the effectiveness of the LogisticRegression with TF-IDF vectorisation from Q3. Parameter tuning - Tune the parameters for both the vectorizer and classifier on the validation set. [5 marks]
    1. Classifier - Regularisation C value (typical values might be powers of 10 (from 10^-3 to 10^5)
    2. Vectorizer - Parameters: sublinear_tf and max_features (vocabulary size) (in a range None to 50k)
    3. Select another parameter of your choice from the classifier or vectorizer Your search does not need to be exhaustive. Changing all parameters at once is expensive and slow (a full sweep is exponential in the number of parameters). Consider selecting the best parameters sequentially. The resulting tuned model should improve over the baseline TF-IDF model. Report the results in a table with the accuracy, macro-averaged precision, recall, and F1 on the validation data. Discuss the parameters and values you tried, what helped and what did not and explain why this may be the case.

1 Accuracy and macro precision / recall / F1 CourseNana.COM

Q5 - Context vectors using BERT [12 marks]

Now you will explore whether a deep learning-based approach can improve the performance compared to the earlier more traditional approaches. Note: This will be computationally expensive and time-consuming. You should use a GPU where possible for this, which can be enabled in Google Colab under “Change Runtime Type” and through providing an appropriate ‘device’ to HuggingFace. CourseNana.COM

(a) Encode the text of your documents using the ‘feature-extraction’ pipeline from the HuggingFace library with the ‘roberta_base’ model. Use only the first context vector for each document (which should represent the start token). Pass the context vectors (without any other previous features) into a LogisticRegression classifier from scikit-learn and train using the training set. Report the evaluation metrics on the validation set. [3 marks] CourseNana.COM

(b) Train an end-to-end classifier using the ‘trainer’ function from the HuggingFace library, again using the ‘roberta_base’ model. Use a learning rate = 1e-4, epochs = 1, batch_size = 16 and no weight decay. Report the evaluation metrics on the validation set. [3 marks] CourseNana.COM

(c) Try different values for the model, learning_rate, epochs and batch_size. Normally, you would do some form of systematic search across these values, but due to computational costs, you should not do that. Pick three different sets of these hyperparameters and describe your motivation for these choices. Retrain the models from scratch on the training set and report the evaluation metrics on the validation set for those three settings in a table along with the hyperparameter settings from (b). [3 marks] (d) Which performed best: the approach in part (a) using context vectors from the pipeline approach or using an end-to-end model in parts (b-c). How do these approaches differ? What is the likely reason for any performance difference? [3 marks] CourseNana.COM

Q6 - Conclusions and Future Work [14 marks] You will now take your best model from Q3/Q4/Q5 and evaluate it on the test set. You will then explore the performance of your classifier and discuss the strengths and weaknesses of your machine learning pipeline. (a) Take the best approach from the prior questions (which should be trained on the training set) and evaluate it with the test set. Report the evaluation metrics. Provide a single confusion matrix of the classifications on the test set. [2 marks] CourseNana.COM

(b) Manually examine the predictions on the test set. Analyse the results for patterns and trends using the confusion matrix. Hypothesise why common classification errors are made. Report on your error analysis process and summarise your findings. Be sure to give specific examples of the types of errors you observe. [5 marks] CourseNana.COM

(c) Discuss whether the final performance is sufficiently high for the stated purpose of this classifier. What impact would false positives and false negatives have on the deployment of this machine learning pipeline? Refer to the confusion matrix from (a) to support your claims. [3 marks] (d) Could the deployment of this system have any negative societal effects? [2 marks] (e) Propose further steps that could be taken to improve the classification effectiveness of the system. [2 marks] (f) How long did you spend on this coursework (in hours, an approximation is okay). [0 marks] CourseNana.COM

Report Quality [2 marks] Quality of the report (organisation, correct spelling, presentation, use of appropriate diagrams, evaluation metrics, confusion matrices, etc): [2 marks] CourseNana.COM

Literature Review (for MSc students only) Q7 - Research Paper Report [15 marks]

Select one of the research papers from the table below. Read it and write a short report of a maximum of 500 words. CourseNana.COM

  1. Enriching Word Vectors with Subword Information: https://arxiv.org/abs/1607.04606
  2. Graph Convolutional Networks for Text Classification: https://arxiv.org/pdf/1809.05679.pdf
  3. Latent Dirichlet Allocation: https://www.jmlr.org/papers/volume3/blei03a/blei03a.pdf
  4. Attention is all you need: https://proceedings.neurips.cc/paper/2017/file/3f5ee243547dee91fbd053c1c4a845aa-Paper.pdf
  5. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding: https://aclanthology.org/N19-1423.pdf
  6. Language Models are Unsupervised Multitask Learners: https://d4mucfpksywv.cloudfront.net/better-language-models/language_models_are_unsupervised_multita sk_learners.pdf (no need to read appendix)

The report should cover the following: CourseNana.COM

● Background and context of the paper - what problem is it trying to solve and briefly what other methods CourseNana.COM

have been used [3 marks] CourseNana.COM

● Contributions of this paper - what are the methods/ideas proposed in this paper. [3 marks] CourseNana.COM

● Critique - do their results support the conclusions that they are drawing from their paper? Do you see any CourseNana.COM

positives or negatives about their approach? [7 marks] CourseNana.COM

● Writing quality of the report [2 marks]. CourseNana.COM

Important:

● Be careful to not plagiarise any language from the research article or any other research article. Excessive “thesaurus” paraphrasing (i.e. taking chunks of text from the paper and switching each word with a thesaurus) is not good writing and will lead to a zero for “writing quality”. The report should be in your own words. CourseNana.COM

● You may need to read more than the single research article in order to understand the background and CourseNana.COM

methods described in the paper CourseNana.COM

Get in Touch with Our Experts

WeChat WeChat
Whatsapp WhatsApp
UK代写,The University of Glasgow代写,COMPSCI4074代写,Text as Data代写,An Introduction to Document Analytics代写,Clustering代写,Classification代写,TF_IDF代写,BERT代写,Deep Learning代写,Python代写,Machine Learning代写,UK代编,The University of Glasgow代编,COMPSCI4074代编,Text as Data代编,An Introduction to Document Analytics代编,Clustering代编,Classification代编,TF_IDF代编,BERT代编,Deep Learning代编,Python代编,Machine Learning代编,UK代考,The University of Glasgow代考,COMPSCI4074代考,Text as Data代考,An Introduction to Document Analytics代考,Clustering代考,Classification代考,TF_IDF代考,BERT代考,Deep Learning代考,Python代考,Machine Learning代考,UKhelp,The University of Glasgowhelp,COMPSCI4074help,Text as Datahelp,An Introduction to Document Analyticshelp,Clusteringhelp,Classificationhelp,TF_IDFhelp,BERThelp,Deep Learninghelp,Pythonhelp,Machine Learninghelp,UK作业代写,The University of Glasgow作业代写,COMPSCI4074作业代写,Text as Data作业代写,An Introduction to Document Analytics作业代写,Clustering作业代写,Classification作业代写,TF_IDF作业代写,BERT作业代写,Deep Learning作业代写,Python作业代写,Machine Learning作业代写,UK编程代写,The University of Glasgow编程代写,COMPSCI4074编程代写,Text as Data编程代写,An Introduction to Document Analytics编程代写,Clustering编程代写,Classification编程代写,TF_IDF编程代写,BERT编程代写,Deep Learning编程代写,Python编程代写,Machine Learning编程代写,UKprogramming help,The University of Glasgowprogramming help,COMPSCI4074programming help,Text as Dataprogramming help,An Introduction to Document Analyticsprogramming help,Clusteringprogramming help,Classificationprogramming help,TF_IDFprogramming help,BERTprogramming help,Deep Learningprogramming help,Pythonprogramming help,Machine Learningprogramming help,UKassignment help,The University of Glasgowassignment help,COMPSCI4074assignment help,Text as Dataassignment help,An Introduction to Document Analyticsassignment help,Clusteringassignment help,Classificationassignment help,TF_IDFassignment help,BERTassignment help,Deep Learningassignment help,Pythonassignment help,Machine Learningassignment help,UKsolution,The University of Glasgowsolution,COMPSCI4074solution,Text as Datasolution,An Introduction to Document Analyticssolution,Clusteringsolution,Classificationsolution,TF_IDFsolution,BERTsolution,Deep Learningsolution,Pythonsolution,Machine Learningsolution,