Aspire Journeys

Natural Language Processing

  • 19 Courses | 25h 18m 55s
  • 1 Lab | 4h
Natural Language Processing Proficiency journey unfolds the foundations, concepts and advancements of Deep Learning and Neural Networks used in the field of Natural Language Processing in such a way that the learners get a comprehensive understanding of various neural network architectures used for Language processing tasks, their differences, challenges, and would be able to easily apply these learnings in their development work/research. This journey helps the learner in becoming proficient in building and training various neural networks for processing linguistic information including text analytics, text processing, sentiment analysis, language translations, text summarizations, and various other tasks using popular frameworks and deploying them in the cloud and tune their performance.

Track 1: Getting Started with Natural Language Processing

In this track of the Natural Language Processing Skillsoft Aspire journey, the focus will be on fundamentals of NLP, and text mining and analytics.

  • 6 Courses | 8h 52m 50s

Track 2: Natural Language Processing with Deep Learning

In this track of the Natural Language Processing Skillsoft Aspire journey, the focus will be on deep learning for NLP.

  • 5 Courses | 9h 20m 37s

Track 3: Advanced NLP

In this track of the Natural Language Processing Skillsoft Aspire journey, the focus will be on transformer models, BERT, and GPT.

  • 4 Courses | 4h 34m 4s

Track 4: NLP Case Studies

In this track of the Natural Language Processing Skillsoft Aspire journey, the focus will be on NLP case studies.

  • 4 Courses | 2h 31m 24s
  • 1 Lab | 4h

COURSES INCLUDED

Natural Language Processing: Getting Started with NLP
Enterprises across the world are creating large amounts of language data. There are many different kinds of data with language components including reports, word documents, operational data, emails, reviews, sops, and legal documents. This course will help you develop the skills to analyze this data and extract valuable and actionable insights. Learn about the various building blocks of natural language processing to help in understanding the different approaches used for solving NLP problems. Examine machine learning and deep learning approaches to handling NLP issues. Finally, explore common use cases that companies are approaching with NLP solutions. Upon completion of this course, you will have a strong foundation in the fundamentals of natural language processing, its building blocks, and the various approaches that can be used to architect solutions for enterprises in NLP domains.
12 videos | 40m has Assessment available Badge
Natural Language Processing: Linguistic Features Using NLTK & spaCy
Without fundamental building blocks and industry-accepted tools, it is difficult to achieve state-of-art analysis in NLP. In this course, you will learn about linguistic features such as word corpora, tokenization, stemming, lemmatization, and stop words and understand their value in natural language processing. Begin by exploring NLTK and spaCy, two of the most widely used NLP tools, and understand what they can help you achieve. Learn to recognize the difference between these tools and understand the pros and cons of each. Discover how to implement concepts like part of speech tagging, named entity recognition, dependency parsing, n-grams, spell correction, segmenting sentences, and finding similar sentences. Upon completion of this course, you will be able to build basic NLP applications on any raw language data and explore the NLP features that can help businesses take actionable steps with this data.
13 videos | 1h 10m has Assessment available Badge
Text Mining and Analytics: Pattern Matching & Information Extraction
Sometimes, business wants to find similar-sounding words, specific word occurrences, and sentiment from the raw text. Having learned to extract foundational linguistic features from the text, the next objective is to learn the heuristic approach to extract non-foundational features which are subjective. In this course, learn how to extract synonyms and hypernyms with WordNet, a widely used tool from the Natural Language Toolkit (NLTK). Next, explore the regex module in Python to perform NLTK chunking and to extract specific required patterns. Finally, you will solve a real-world use case by finding sentiments of movies using WordNet. After comleting this course, you will be able to use a heuristic approach of natural language processing (NLP) and to illustrate the use of WordNet, NLTK chunking, regex, and SentiWordNet.
12 videos | 1h 52m has Assessment available Badge
Text Mining and Analytics: Machine Learning for Natural Language Processing
Machine learning (ML) is one of the most important toolsets available in the enterprise world. It gives predictive powers to data that can be leveraged to investigate future behaviors and patterns. It can help companies proactively improve their business and help optimize their revenue. Learn how to leverage machine learning to make predictions with language data. Explore the ML pipelines and common models used for Natural Language Processing (NLP). Examine a real-world use case of identifying sarcasm in text and discover the machine learning techniques suitable for NLP problems. Learn different vectorization and feature engineering methods for text data, exploratory data analysis for text, model building, and evaluation for predicting from text data and how to tune those models to achieve better results. After completing this course, you'll be able to illustrate the use of machine learning to solve NLP problems and demonstrate the use of NLP feature engineering.
13 videos | 2h 2m has Assessment available Badge
Text Mining and Analytics: Natural Language Processing Libraries
There are many tools available in the Natural Language Processing (NLP) tool landscape. With single tools, you can do a lot of things faster. However, using multiple state-of-art tools together, you can solve many problems and extract multiple patterns from your data. In this course, you will discover many important tools available for NLP such as polyglot, Genism, TextBlob, and CoreNLP. Explore their benefits and how they stand against each other for performing any NLP task. Learn to implement core linguistic features like POS tags, NER, and morphological analysis using the tools discussed earlier in the course. Discover defining features of each tool such as multiple language support, language detection, topic models, sentiment extractions, part of speech (POS) driven patterns, and transliterations. Upon completion of this course, you will feel confident with the Python tool ecosystem for NLP and will be able to perform state-of-art pattern extraction on any kind of text data.
13 videos | 1h 59m has Assessment available Badge
Text Mining and Analytics: Hotel Reviews Sentiment Analysis
Using natural language processing (NLP) tools, an organization can analyze their review data and predict the sentiments of their customers. In this course, we'll learn how to implement NLP tools to solve a business problem end-to-end. To begin, learn about loading, exploring, and preprocessing business data. Next, explore various linguistic features and feature engineering methods for data and practice building machine learning (ML) models for sentiment prediction. Finally, examine the automation options available for building and deploying models. After completing this course, you will be able to solve NLP problems for enterprises end-to-end by leveraging a variety of concepts and tools.
11 videos | 1h 7m has Assessment available Badge

COURSES INCLUDED

Deep Learning for NLP: Introduction
In recent times, natural language processing (NLP) has seen many advancements, most of which are in deep learning models. NLP as a problem is very complicated, and deep learning models can handle that scale and complication with many different variations of neural network architecture. Deep learning also has a broad spectrum of frameworks that supports NLP problem solving out-of-the-box. Explore the basics of deep learning and different architectures for NLP-specific problems. Examine other use cases for deep learning NLP across industries. Learn about various tools and frameworks used such as - Spacy, TensorFlow, PyTorch, OpenNMT, etc. Investigate sentiment analysis and explore how to solve a problem using various deep learning steps and frameworks. Upon completing this course, you will be able to use the essential fundamentals of deep learning for NLP and outline its various industry use cases, frameworks, and fundamental sentiment analysis problems.
14 videos | 1h 17m has Assessment available Badge
Deep Learning for NLP: Neural Network Architectures
Natural language processing (NLP) is constantly evolving with cutting edge advancements in tools and approaches. Neural network architecture (NNA) supports this evolution by providing a method of processing language-based information to solve complex data-driven problems. Explore the basic NNAs relevant to NLP problems. Learn different challenges and use cases for single-layer perceptron, multi-layer perceptron, and RNNs. Analyze data and its distribution using pandas, graphs, and charts. Examine word vector representations using one-hot encodings, Word2vec, and GloVe and classify data using recurrent neural networks. After you have completed this course, you will be able to use a product classification dataset to implement neural networks for NLP problems.
19 videos | 2h 30m has Assessment available Badge
Deep Learning for NLP: Memory-based Networks
In the journey to understand deep learning models for natural language processing (NLP), the subsequent iterations are memory-based networks, which are much more capable of handling extended context in languages. While basic neural networks are better than machine learning (ML) models, they still lack in more significant and large language data problems. In this course, you will learn about memory-based networks like gated recurrent unit (GRU) and long short-term memory (LSTM). Explore their architectures, variants, and where they work and fail for NLP. Then, consider their implementations using product classification data and compare different results to understand each architecture's effectiveness. Upon completing this course, you will have learned the basics of memory-based networks and their implementation in TensorFlow to understand the effect of memory and more extended context for NLP datasets.
12 videos | 1h 27m has Assessment available Badge
Deep Learning for NLP: Transfer Learning
The essential aspect of human intelligence is our learning processes, constantly augmented with the transfer of concepts and fundamentals. For example, as a child, we learn the basic alphabet, grammar, and words, and through the transfer of these fundamentals, we can then read books and communicate with people. This is what transfer learning helps us achieve in deep learning as well. This course will help you learn the fundamentals of transfer learning for NLP, its various challenges, and use cases. Explore various transfer learning models such as ELMo and ULMFiT. Upon completing this course, you will understand the transfer learning methodology of solving NLP problems and be able to experiment with various models in TensorFlow.
16 videos | 2h 10m has Assessment available Badge
Deep Learning for NLP: GitHub Bug Prediction Analysis
Get down to solving real-world GitHub bug prediction problems in this case study course. Examine the process of data and library loading and perform basic exploratory data analysis (EDA) including word count, label, punctuation, and stop word analysis. Explore how to clean and preprocess data in order to use vectorization and embeddings and use counter vector and term frequency-inverse document frequency (TFIDF) vectorization methods with visualizations. Finally, assess different classifiers like logistic regression, random forest, or AdaBoost. Upon completing this course, you will understand how to solve industry-level problems using deep learning methodology in the TensorFlow ecosystem.
13 videos | 1h 55m has Assessment available Badge

COURSES INCLUDED

Advanced NLP: Introduction to Transformer Models
With recent advancements in cheap GPU compute power and natural language processing (NLP) research, companies and researchers have introduced many powerful models and architectures that have taken NLP to new heights. In this course, learn about Transformer models like Bert and GPT and the maturity of AI in NLP areas due to these models. Next, examine the fundamentals of Transformer models and their architectures. Finally, discover the importance of attention mechanisms in the Transformer architecture and how they help achieve state-of-the-art results in NLP tasks. Upon completing this course, you'll be able to understand different aspects of Transformer architectures like the self-attention layer and encoder-decoder models.
12 videos | 40m has Assessment available Badge
Advanced NLP: Introduction to BERT
In every domain of artificial intelligence, there is one algorithm that transforms the entire field into an industry-matured tool to be used across a broad spectrum of use cases. BERT is that algorithm for natural language processing (NLP). In this course, explore the fundamentals of BERT architecture, including variations, transfer learning capabilities, and best practices. Examine the Hugging Face library and its role in sentiment analysis problems. Practice model setup, pre-processing, sentiment classification training, and evaluating models using BERT. Finally, take a critical look to recognize the challenges of using BERT. Upon completing this course, you'll be able to demonstrate how to solve simple sentiment analysis problems.
12 videos | 1h 14m has Assessment available Badge
Advanced NLP: Introduction to GPT
Generative Pre-trained Transformer (GPT) models go beyond classifying and predicting text behavior to helping actually generate text. Imagine an algorithm that can produce articles, songs, books, or code - anything that humans can write. That is what GPT can help you achieve. In this course, discover the key concepts of language models for text generation and the primary features of GPT models. Next, focus on GPT-3 architecture. Then, explore few-shot learning and industry use cases and challenges for GPT. Finally, practice decoding methods with greedy search, beam search, and basic and advanced sampling methods. Upon completing this course, you will understand the fundamentals of the GPT model and how it enables text generation.
12 videos | 1h 9m has Assessment available Badge
Advanced NLP: Language Translation Using Transformer Model
Translating from one language to another is a common task in Natural Language Processing (NLP). The transformer model works by passing multiple words through a neural network simultaneously and is one of the newest models propelling a surge of progression, sometimes referred to as transformer AI. In this course, you will solve real-world machine translation problems, translating from English to French. Explore machine translation problem formulation, notebook setup, and data pre-processing. Then, learn to tokenize and vectorize data into a sequence of integers, where each integer represents the index of a word in a vocabulary. Discover transformer encoder-decoder and see how to produce input and output sequences. Finally, define the attention layer and assemble, train, and evaluate the translation model end to end. Upon completing this course, you will be able to solve industry-level problems using deep learning methodology in the TensorFlow ecosystem.
13 videos | 1h 29m has Assessment available Badge

COURSES INCLUDED

NLP Case Studies: News Scraping Translation & Summarization
Keeping up with current events can be challenging, especially when you live or work in a country where you do not speak the language. Learning a new language can be difficult and time-consuming when you have a busy schedule. In this course, you will learn how to scrape news articles written in Arabic from websites, translate them into English, and then summarize them. First, focus on the overall architecture of your summarization application. Next, discover the Transformers library and explore its role in translation and summarization tasks. Then, create a user interface for the application using Gradio. Upon completion of this course, you'll be able to use an application to scrape data written in Arabic from any URL, translate it into English, and summarize it
7 videos | 43m has Assessment available Badge
NLP Case Studies: Article Text Comprehension & Question Answering
Most current question answering datasets will frame the task as reading comprehension, where the question is about a paragraph or document and the answer often is a span in the document. Some specific tasks of reading comprehension include multi-modal machine reading comprehension and textual machine reading comprehension, among others. This course focuses on the architecture of the Q&A pipeline. First, install the Transformers library and import a text comprehension model to create your Q&S pipeline. Then, use Gradio to develop a user interface for answering questions about a given article. Upon completion, you'll be able to develop an application that can answer questions asked by a user about a given article.
7 videos | 28m has Assessment available Badge
NLP Case Studies: Developing an AI Chatbot
An AI chatbot is a program within a website or app that simulates human conversations using natural language processing (NLP). Chatbots are programmed to address users' needs independently of a human operator. Common chatbot functions include answering frequently asked questions and helping users navigate a website or app. In this course, explore the AI chatbot application flow and learn about data loading and text preprocessing. Next, discover how to transform the data into numeric values and perform one-hot data encoding. Finally, practice creating and training models, loading a trained model, defining a response function, and setting test questions. Upon completion, you'll be able to develop a simple chatbot using transformers that will automatically reply to user questions.
9 videos | 1h 19m has Assessment available Badge
Final Exam: Natural Language Processing
Final Exam: Natural Language Processing will test your knowledge and application of the topics presented throughout the Skillsoft Aspire Natural Language Processing Journey.
1 video | 32s has Assessment

EARN A DIGITAL BADGE WHEN YOU COMPLETE THESE TRACKS

Skillsoft is providing you the opportunity to earn a digital badge upon successful completion on some of our courses, which can be shared on any social network or business platform.

Digital badges are yours to keep, forever.