Skip to main content

Breadcrumb

  1. ACCESS Home
  2. Support
  3. Knowledge Base
  4. Knowledge Base Resources

Knowledge Base Resources

These resources are contributed by researchers, facilitators, engineers, and HPC admins. Please upvote resources you find useful!
Add a Resource

Filters

Topics

  • Show all (143)
  • (-) deep-learning (28)
  • machine-learning (20)
  • neural-networks (19)
  • ai (18)
  • data-analysis (8)
  • pytorch (7)
  • big-data (6)
  • image-processing (5)
  • documentation (4)
  • gpu (4)
  • tensorflow (3)
  • training (3)
  • visualization (3)
  • supervised-learning (2)
  • unsupervised-learning (2)
  • access (1)
  • access-allocations (1)
  • artificial-intelligence (1)
  • c (1)
  • cloud-computing (1)
  • community-outreach (1)
  • distributed-computing (1)
  • generative-ai (1)
  • hardware (1)
  • hpc-cluster-architecture (1)
  • julia (1)

Topics

  • Show all (143)
  • (-) deep-learning (28)
  • machine-learning (20)
  • neural-networks (19)
  • ai (18)
  • data-analysis (8)
  • pytorch (7)
  • big-data (6)
  • image-processing (5)
  • documentation (4)
  • gpu (4)
  • tensorflow (3)
  • training (3)
  • visualization (3)
  • supervised-learning (2)
  • unsupervised-learning (2)
  • access (1)
  • access-allocations (1)
  • artificial-intelligence (1)
  • c (1)
  • cloud-computing (1)
  • community-outreach (1)
  • distributed-computing (1)
  • generative-ai (1)
  • hardware (1)
  • hpc-cluster-architecture (1)
  • julia (1)

If you'd like to use more filters, please login to view them all.

Leveraging AI in Generative Assets and Environments for Play: Insights from the English Department's Digital Media Lab
1
  • Leveraging AI in Generative Assets and Environments for Play
In this presentation, I will explore the recent advancements in AI-driven production of 3D-generative assets and environments, particularly focusing on their application in creating immersive, playful experiences. Platforms such as ChatGPT, Suno, and Speechify have ushered in a new era of digital creativity, facilitating the development of environments that not only entertain but also serve educational purposes. This session will delve into how these technologies are integrated into academic settings, specifically through a case study of the English Department's Digital Media Lab, known as Tech/Tech, which opened in 2022.
aillmgenerative-aireinforcement-learningsupervised-learningunsupervised-learningdeep-learningmachine-learningneural-networksbig-dataimage-processing
1 Like

Login to like
Type
presentation
Level
Beginner
ACCESS HPC Workshop Series
1
  • ACESS HPC Workshop Series
  • MPI Workshop
  • OpenMP Workshop
  • GPU Programming Using OpenACC
  • Summer Boot Camp
  • Big Data and Machine Learning
Monthly workshops sponsored by ACCESS on a variety of HPC topics organized by Pittsburgh Supercomputing Center (PSC). Each workshop will be telecast to multiple satellite sites and workshop materials are archived.
deep-learningmachine-learningneural-networksbig-datatensorflowgputrainingopenmpicc++fortranopenmpprogrammingmpispark
1 Like

Login to like
Type
learning
Level
Beginner, Intermediate
Attention, Transformers, and LLMs: a hands-on introduction in Pytorch
1
  • Landing Page
  • Preparing data for LLM training
  • Small Language Models: an introduction to autoregressive language modeling
  • Attention is all you need
  • Other LLM Topics
This workshop focuses on developing an understanding of the fundamentals of attention and the transformer architecture so that you can understand how LLMs work and use them in your own projects.
aideep-learningmachine-learningneural-networkspytorch
1 Like

Login to like
Type
learning
Level
Intermediate
PyTorch for Deep Learning and Natural Language Processing
1
  • Introduction to PyTorch for Deep Learning
PyTorch is a Python library that supports accelerated GPU processing for Machine Learning and Deep Learning. In this tutorial, I will teach the basics of PyTorch from scratch. I will then explore how to use it for some ML projects such as Neural Networks, Multi-layer perceptrons (MLPs), Sentiment analysis with RNN, and Image Classification with CNN.
aibig-datadata-analysisdeep-learningmachine-learningneural-networks
1 Like

Login to like
Type
documentation
Level
Beginner
Introduction to Deep Learning in Pytorch
1
  • Landing Page
  • Pytorch Quickstart
  • Pytorch Basics
  • Pytorch GPU Support
  • Regression and Classification with Fully Connected Neural Networks
  • High Dimensional Data
  • Datasets and data loading
  • Building the network
  • Computer Vision and Convolutional Neural Networks
This workshop series introduces the essential concepts in deep learning and walks through the common steps in a deep learning workflow from data loading and preprocessing to training and model evaluation. Throughout the sessions, students participate in writing and executing simple deep learning programs using Pytorch – a popular Python library for developing, training, and deploying deep learning models.
aideep-learningimage-processingmachine-learningneural-networkspytorchgpu
1 Like

Login to like
Type
learning
Level
Beginner, Intermediate
Introduction to Python for Digital Humanities and Computational Research
1
  • Introduction to Python book
This documentation contains introductory material on Python Programming for Digital Humanities and Computational Research. This can be a go-to material for a beginner trying to learn Python programming and for anyone wanting a Python refresher.
aibig-datadata-analysisdeep-learningdata-sciencepython
1 Like

Login to like
Type
documentation
Level
Beginner
Fairness and Machine Learning
0
  • Fairness and Machine Learning
The "Fairness and Machine Learning" book offers a rigorous exploration of fairness in ML and is suitable for researchers, practitioners, and anyone interested in understanding the complexities and implications of fairness in machine learning.
aidata-analysisdeep-learningmachine-learningdata-science
0 Likes

Login to like
Type
documentation
Level
Intermediate, Advanced
Time-Series LSTMs Python Walkthrough
0
  • Walkthrough Site
  • Google Colab
A walkthrough (with a Google Colab link) on how to implement your own LSTM to observe time-dependent behavior.
aideep-learningmachine-learningneural-networkspytorchpython
0 Likes

Login to like
Type
website
Level
Advanced
Feed Forward NNs and Gradient Descent
0
  • Feed-Forward and SGD
Feed-forward neural networks are a simple type of network that simply rely on data to be "fed-forward" through a series of layers that makes decisions on how to categorize datum. Gradient descent is a type of optimization tool that is often used to train machines. These two areas in ML are good starting points and are the easiest types of neural network/optimization to understand.
deep-learningmachine-learningneural-networks
0 Likes

Login to like
Type
website
Level
Intermediate
Neocortex Documentation
0
  • Neocortex Documentation
Neocortex is a new supercomputing cluster at the Pittsburgh Supercomputing Center (PSC) that features groundbreaking AI hardware from Cerebras Systems.
documentationaideep-learningneural-networkshardware
0 Likes

Login to like
Type
documentation
Level
Beginner
What is fairness in ML?
0
  • Building ML models for everyone: understanding fairness in machine learning
This article discusses the importance of fairness in machine learning and provides insights into how Google approaches fairness in their ML models. The article covers several key topics: Introduction to fairness in ML: It provides an overview of why fairness is essential in machine learning systems, the potential biases that can arise, and the impact of biased models on different communities. Defining fairness: The article discusses various definitions of fairness, including individual fairness, group fairness, and disparate impact. It explains the challenges in achieving fairness due to trade-offs and the need for thoughtful considerations. Addressing bias in training data: It explores how biases can be present in training data and offers strategies to identify and mitigate these biases. Techniques like data preprocessing, data augmentation, and synthetic data generation are discussed. Fairness in ML algorithms: The article examines the potential biases that can arise from different machine learning algorithms, such as classification and recommendation systems. It highlights the importance of evaluating and monitoring models for fairness throughout their lifecycle. Fairness tools and resources: It showcases various tools and resources available to practitioners and developers to help measure, understand, and mitigate bias in machine learning models. Google's TensorFlow Extended (TFX) and What-If Tool are mentioned as examples. Google's approach to fairness: The article highlights Google's commitment to fairness and the steps they take to address fairness challenges in their ML models. It mentions the use of fairness indicators, ongoing research, and partnerships to advance fairness in AI. Overall, the article provides a comprehensive overview of fairness in machine learning and offers insights into Google's approach to building fair ML models.
aivisualizationdata-analysisdeep-learningmachine-learning
0 Likes

Login to like
Type
documentation
Level
Intermediate
What are LSTMs?
0
  • Introduction to LSTMs
This reading will explain what a long short-term memory neural network is. LSTMs are a type of neural networks that rely on both past and present data to make decisions about future data. It relies on loops back to previous data to make such decisions. This makes LSTMs very good for predicting time-dependent behavior.
aideep-learningmachine-learningneural-networks
0 Likes

Login to like
Type
learning
Level
Intermediate, Advanced
Intro to Machine Learning on HPC
0
  • Intro to Machine Learning on HPC
This tutorial introduces machine learning on high performance computing (HPC) clusters. While it focuses on the HPC clusters at The University of Arizona, the content is generic enough that it can be used by students from other institutions.
aisupervised-learningunsupervised-learningdeep-learningmachine-learningneural-networks
0 Likes

Login to like
Type
documentation
Level
Beginner
Framework to help in scaling Machine Learning/Deep Learning/AI/NLP Models to Web Application level
0
  • Framework to help in scaling Machine Learning/Deep Learning/AI/NLP Models to Web Application level
This framework will help in scaling Machine Learning/Deep Learning/Artificial Intelligence/Natural Language Processing Models to Web Application level almost without any time.
aideep-learningmachine-learningneural-networks
0 Likes

Login to like
Type
learning
Level
Intermediate
Horovod: Distributed deep learning training framework
0
  • Horovod
Horovod is a distributed deep learning training framework. Using horovod, a single-GPU training script can be scaled to train across many GPUs in parallel. The library supports popular deep learning framework such as TensorFlow, Keras, PyTorch, and Apache MXNet.
deep-learningdistributed-computinggpu
0 Likes

Login to like
Type
tool
Level
Intermediate, Advanced
Scikit-Learn: Easy Machine Learning and Modeling
0
  • Scikit-learn
Scikit-learn is free software machine learning library for Python. It has a variety of features you can use on data, from linear regression classifiers to xg-boost and random forests. It is very useful when you want to analyze small parts of data quickly.
documentationaiplottingvisualizationbig-datadata-analysisdeep-learningimage-processingmachine-learningmonte-carloneural-networksvectorization
0 Likes

Login to like
Type
tool
Level
Beginner, Intermediate
Reinforcement Learning For Beginners with Python
0
  • Reinforcement Learning For Beginners with Python
This course takes through the fundamentals required to get started with reinforcement learning with Python, OpenAI Gym and Stable Baselines. You'll be able to build deep learning powered agents to solve a varying number of RL problems including CartPole, Breakout and CarRacing as well as learning how to build your very own/custom environment!
deep-learningmachine-learningtensorflowtrainingprogramming-best-practicespython
0 Likes

Login to like
Type
video_link
Level
Beginner
Handwritten Digits Tutorial in PyTorch
0
  • Handwritten Digits PyTorch
This tutorial is essentially the "hello world" of image recognition and feed-forward neural network (using PyTorch). Using the MNIST database (filled within images of handwritten digits), the tutorial will instruct how to build a feed-forward neural network that can recognize handwritten digits. A solid understanding of feed-forward and back-propagation is recommended.
aivisualizationdeep-learningimage-processingmachine-learningneural-networkspytorchpython
0 Likes

Login to like
Type
website
Level
Intermediate
Automated Machine Learning Book
0
  • Automated Machine Learning: Methods, Systems, Challenges
The authoritative book on automated machine learning, which allows practitioners without ML expertise to develop and deploy state-of-the-art machine learning approaches. Describes the background of techniques used in detail, along with tools that are available for free.
aidata-analysisdeep-learningmachine-learningneural-networkspythonr
0 Likes

Login to like
Type
learning
Level
Intermediate, Advanced
Representation Learning in Deep Learning
0
  • Representation Learning in Deep Learning
Representation learning is a fundamental concept in machine learning and artificial intelligence, particularly in the field of deep learning. At its core, representation learning involves the process of transforming raw data into a form that is more suitable for a specific task or learning objective. This transformation aims to extract meaningful and informative features or representations from the data, which can then be used for various tasks like classification, clustering, regression, and more.
deep-learningimage-processingmachine-learningneural-networks
0 Likes

Login to like
Type
documentation
Level
Intermediate
Docker - Containerized, reproducible workflows
0
  • Docker Documentation
Docker allows for containerization of any task - basically a smaller, scalable version of a virtual machine. This is very useful when transferring work across computing environments, as it ensures reproducibility.
documentationcloud-computingdeep-learning
0 Likes

Login to like
Type
tool
Level
Intermediate, Advanced
Official Documentation for PyTorch and NumPy
0
  • Official PyTorch Documentation
  • Official NumPy Documentation
The official documentation for PyTorch, a machine learning tensor-based framework, and NumPy, which allows for support for ndarrays which is useful to make tensors when implementing NNs. Both libraries can be installed with pip.
deep-learningneural-networkspytorchpython
0 Likes

Login to like
Type
documentation
Level
Beginner
Quick and Robust Data Augmentation with Albumentations Library
0
  • https://github.com/albumentations-team/albumentations
Data augmentation is a crucial step in the pipeline for image classification with deep learning. Albumentations is an extremely versatile Python library that can be used to easily augment images. Transformations include rotations, flips, downscaling, distortions, blurs, and many more. Citation: Buslaev A, Iglovikov VI, Khvedchenya E, Parinov A, Druzhinin M, Kalinin AA. Albumentations: Fast and Flexible Image Augmentations. Information. 2020; 11(2):125. https://doi.org/10.3390/info11020125
deep-learningpython
0 Likes

Login to like
Type
tool
Level
Advanced
Numpy - a Python Library
0
  • NumPY Docs
Numpy is a python package that leverages types and compiled C code to make many math operations in Python efficient. It is especially useful for matrix manipulation and operations.
documentationbig-datadata-analysisdeep-learningopencvpytorchtensorflowdata-science
0 Likes

Login to like
Type
tool
Level
Beginner, Intermediate

Pagination

  • Current page 1
  • Page 2
  • Next page ››
  • Last page Last »