User Tools

Site Tools


schedule

Differences

This shows you the differences between two versions of the page.

Link to this comparison view

Both sides previous revisionPrevious revision
Next revision
Previous revision
schedule [2022/09/17 13:34] – [September] andersonschedule [2023/12/07 09:17] (current) – external edit 127.0.0.1
Line 6: Line 6:
  
 ***/ ***/
 +
 +/***
 +Please send your suggestions regarding lecture topics to Chuck using [[https://tinyurl.com/2nyfzc36|this Google Docs form]].  Questions regarding assignments should be entered in Canvas discussions.
 +***/
 + \\ 
 + \\ 
 + \\ 
 +
 +
  
 The following schedule is **tentative and is being updated**. The following schedule is **tentative and is being updated**.
  
-Please send your suggestions regarding lecture topics to Chuck using [[https://tinyurl.com/2nyfzc36|this Google Docs form]].  Questions regarding assignments should be entered in Canvas discussions. 
  
 ===== August ===== ===== August =====
  
 |< 100% 18% 20% 22% 20% 20%  >| |< 100% 18% 20% 22% 20% 20%  >|
-^  Week      ^  Topic      ^  Material   Reading          ^  Assignments +^  Week      ^  Topic      ^  Lecture Notes   Reading          ^  Assignments 
-| Week 1:\\  Aug 23256   | Overview of courseReview of neural networks training and use | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/01 Introduction to CS545.ipynb|01 Introduction to CS545]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/02 Searching for Good Weights in a Linear Model.ipynb|02 Searching for Good Weights in a Linear Model]]   | [[https://jupyterlab.readthedocs.io/en/stable/getting_started/overview.html|JupyterLab Introduction]], watch the video then play with jupyter lab.  \\ [[https://tinyurl.com/2qw45tlp|The Batch]] from DeepLearning.AI. Yay, Colorado!     +| Week 1:\\  Aug 2224   | Course overviewJupyter notebooks   | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/01 Introduction to CS545.ipynb|01 Introduction to CS545]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/02 Searching for Good Weights in a Linear Model.ipynb|02 Searching for Good Weights in a Linear Model]]  | [[https://jupyterlab.readthedocs.io/en/stable/getting_started/overview.html|JupyterLab Introduction]], watch the video then play with jupyter lab.  \\ [[https://tinyurl.com/2qw45tlp|The Batch]] from DeepLearning.AI. Yay, Colorado!  \\  [[https://www.freecodecamp.org/news/exploratory-data-analysis-with-numpy-pandas-matplotlib-seaborn/|What is Data Analysis? How to Visualize Data with Python, Numpy, Pandas, Matplotlib & Seaborn Tutorial]], by Aakash NS| Not graded: Please fill out [[https://forms.gle/hppJ5QuRFuRn1L2h7|this anonymous survey]] before Thursday class.  
-| Week 2:\\  Aug 30Sept 1  Thursday lecture cancelledPlease watch pre-recorded lecture in Echo360Quiz1 and A1 questionsRegression with neural networks.  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/03 Fitting Simple Models Using Gradient Descent in the Squared Error.ipynb|03 Fitting Simple Models Using Gradient Descent in the Squared Error]]  |  |[[https://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/Quiz1.ipynb|Quiz 1]] due Wednesday, August 31, 10:00 PM, in Canvas  | +| Week 2:\\  Aug 2931  Jupyter notebook animationsOptimization algorithmsSimple linear and nonlinear models  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/01a Simple Animations.ipynb|01a Simple Animations]] \\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/02 Searching for Good Weights in a Linear Model.ipynb|02 Searching for Good Weights in a Linear Model]] \\  [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/02a Generative AI--Friend or Foe.ipynb|02a Generative AI--Friend or Foe]] \\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/03 Fitting Simple Models Using Gradient Descent in the Squared Error.ipynb|03 Searching for Good Weights in a Linear Model]]  |    |
  
 ===== September ===== ===== September =====
  
 |< 100% 18% 20% 22% 20% 20%  >| |< 100% 18% 20% 22% 20% 20%  >|
-^  Week      ^  Topic      ^  Material   Reading          ^  Assignments +^  Week      ^  Topic      ^  Lecture Notes   Reading          ^  Assignments 
-| Week 3:\\  Sept 6 | Introduction to Neural Networks  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/04 Introduction to Neural Networks.ipynb|04 Introduction to Neural Networks]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/04a Simple Animations.ipynb|04a Simple Animations]]\\   | [[https://doi.org/10.1016/j.neucom.2022.06.111|Activation functions in deep learning: A comprehensive survey and benchmark]], Neurocomputingvolume 503, 2022, pp. 92-108  |   +| Week 3:\\  Sept 57\\ Chuck's office hours Thursday will be from 2 to 3:30.  Confidence intervals. Introduction to neural networks.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/04 Training Multiple Models to Obtain Confidence Intervals.ipynb|04 Training Multiple Models to Obtain Confidence Intervals]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/05 Introduction to Neural Networks.ipynb|05 Introduction to Neural Networks]] | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A1.ipynb|A1]] due FridaySeptember 8th10:00 PM  | 
-| Week 4:\\  Sept 1315\\ <color red>Chuck's office hours on the 13th are canceled.</color>   Python classes. Optimizers. A2.    | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/04b Introduction to Python Classes.ipynb|04b Introduction to Python Classes]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/05 Optimizers.ipynb|05 Optimizers]]  | [[https://docs.python.org/3/tutorial/classes.html|Classes Tutorial]]  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A1 Three-Layer Neural Network.ipynb|A1 Three-Layer Neural Network]] due MondaySept 12th, at 10:00 PM\\  <color red>A1grader.tar updated Sept. 12th 2:00 pm</color>  | +| Week 4:\\  Sept 1214   Design of NeuralNetwork class. Optimizers.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/06 Python Classes.ipynb|06 Python Classes]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/07 Optimizers.ipynb|07 Optimizers]]   | [[https://machinelearningmastery.com/weight-initialization-for-deep-learning-neural-networks/|Weight Initialization for Deep Learning Neural Networks]], by Jason Brownlee  | 
-| Week 5:\\  Sept 2022  Autoencoders. Classification.  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/06 Autoencoders.ipynb|06 Autoencoders]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/07 Introduction to Classification.ipynb|07 Introduction to Classification]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/08 Classification with Linear Logistic Regression.ipynb|08 Classification with Linear Logistic Regression]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/09 Classification with Nonlinear Logistic Regression Using Neural Networks.ipynb|09 Classification with Nonlinear Logistic Regression Using Neural Networks]]  [[https://pandas.pydata.org/Pandas_Cheat_Sheet.pdf|Pandas Cheat Sheet]]  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A2 NeuralNetwork Class.ipynb|A2 NeuralNetwork Class]] due Thursday, Sept 22nd, at 10:00 PM\\  <color red>A2grader.tar updated Sept. 17th 1:30 pm</color>  | +| Week 5:\\  Sept 1921  Using optimizers.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/08 Collecting All Weights into One-Dimensional Vector for Use in Optimizers.ipynb|08 Collecting All Weights into One-Dimensional Vector for Use in Optimizers]]   | | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A2 NeuralNetwork Class.ipynb|A2 NeuralNetwork Class]] due Thursday, September 21st, 10:00 PM.  Examples of good A2 solutions can be [[https://www.cs.colostate.edu/~anderson/cs545/notebooks/goodones|found here]]  | 
-| Week 6:\\  Sept 2729    | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/10 JAX.ipynb|10 JAX]]\\ [[https://www.cs.colostate.edu/~anderson/cs545/notebooks/neuralnetworks_app.tar|neuralnetworks_app.tar]]  | [[https://moocaholic.medium.com/jax-a13e83f49897|JAX Ecosystem]]\\ [[https://streamlit.io/|Streamlit]]  |  +| Week 6:\\  Sept 2628  Early stopping (new version of optimizers). A3. Introduction to classification.   | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/07a Optimizers2.ipynb|07a Optimizers2]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/09 Introduction to Classification.ipynb|09 Introduction to Classification]]\\ Tuesday lecture pre-recorded and available now on Echo360.  |
  
 ===== October ===== ===== October =====
  
 |< 100% 18% 20% 22% 20% 20%  >| |< 100% 18% 20% 22% 20% 20%  >|
-^  Week      ^  Topic      ^  Material   Reading          ^  Assignments +^  Week      ^  Topic      ^  Lecture Notes   Reading          ^  Assignments 
-| Week 7:\\  Oct 4 Convolutional neural networks.  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/11 Convolutional Neural Networks.ipynb|11 Convolutional Neural Networks]]\\ [[https://www.cs.colostate.edu/~anderson/cs545/notebooks/CNN Backprop.pdf|CNN Backpropagation Notes]]  [[https://spectrum.ieee.org/special-reports/the-great-ai-reckoning/|The Great AI Reckoning]]  +| Week 7:\\  Oct 3 Classification with QDA, LDA, and linear logistic regression.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/10 Classification with Linear Logistic Regression.ipynb|10 Classification with Linear Logistic Regression]]  | | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A3 NeuralNetwork Class Using Optimizers.ipynb|A3 NeuralNetwork Class Using Optimizers]] due Thursday, October 5th, 10:00 PM\\ Examples of good A3 solutions can be [[https://www.cs.colostate.edu/~anderson/cs545/notebooks/goodones|found here]] | 
-| Week 8:\\  Oct 1113  PytorchConvolutional neural nets  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/12 Introduction to Pytorch.ipynb|12 Introduction to Pytorch]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/13 Convolutional Neural Networks in Pytorch.ipynb|13 Convolutional Neural Networks in Pytorch]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/14 Convolutional Neural Networks in Numpy.ipynb|14 Convolutional Neural Networks in Numpy]]  | +| Week 8:\\  Oct 1012  Classification with Nonlinear Logistic Regression. Introduction to Reinforcement Learning.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/11 Classification with Nonlinear Logistic Regression Using Neural Networks.ipynb|11 Classification with Nonlinear Logistic Regression Using Neural Networks]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/12 Introduction to Reinforcement Learning.ipynb|12 Introduction to Reinforcement Learning]]  | | 
-| Week 9:\\  Oct 18, 20  | Reinforcement Learning [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/15 Introduction to Reinforcement Learning.ipynb|15 Introduction to Reinforcement Learning]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/16 Reinforcement Learning with Neural Network as Q Function.ipynb|16 Reinforcement Learning with Neural Network as Q Function]]  | |   | +| Week 9:\\  Oct 17, 19  | Reinforcement learning with Q Function as Neural Network. Learning to play games. | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/13 Reinforcement Learning with Neural Networks as Q Function.ipynb|13 Reinforcement Learning with Neural Networks as Q Function]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/14 Targets and Deltas Summary.ipynb|14 Targets and Deltas Summary]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/15 Reinforcement Learning for Two Player Games.ipynb|15 Reinforcement Learning for Two Player Games]]  | [[https://lastweekin.ai/p/241|Last Week in AI]]\\ [[https://www.cbsnews.com/news/geoffrey-hinton-ai-dangers-60-minutes-transcript/?utm_source=substack&utm_medium=email|Geoffrey Hinton: AI Dangers, on 60 Minutes]]  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A4 Neural Network Classifier.ipynb|A4 Neural Network Classifier]] due Wednesday, October 18th, 10:00 PM\\ Examples of good A4 solutions can be [[https://www.cs.colostate.edu/~anderson/cs545/notebooks/goodones|found here]]\\ And here are [[https://www.cs.colostate.edu/~anderson/cs545/notebooks/neuralnetworksA4.zip|python script files]] as A4 answer.   | 
-| Week 10:\\  Oct 2527  Reinforcement Learning  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/17 Reinforcement Learning for Two Player Games.ipynb|17 Reinforcement Learning for Two Player Games]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/18 Reinforcement Learning to Control a Marble.ipynb|18 Reinforcement Learning to Control a Marble]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/19 Reinforcement Learning Modular Framework.ipynb|19 Reinforcement Learning Modular Framework]]  +| Week 10:\\  Oct 2426  Modular framework for reinforcement learning. Convolutional Neural Networks.   | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/16 Modular Framework for Reinforcement Learning.ipynb|16 Modular Framework for Reinforcement Learning]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/17 Convolutional Neural Networks.ipynb|17 Convolutional Neural Networks]]  | | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/Project Proposal and Report Example.ipynb|Project proposal]] due at 10 pm Friday evening, October 27th.  |
  
 ===== November ===== ===== November =====
  
 |< 100% 18% 20% 22% 20% 20%  >| |< 100% 18% 20% 22% 20% 20%  >|
-^  Week      ^  Topic      ^  Material   Reading          ^  Assignments +^  Week      ^  Topic      ^  Lecture Notes   Reading          ^  Assignments 
-| Week 11:\\  Nov 1, 3  Transfer learning in Reinforcement Learning.\\ Brain-Computer Interfaces  | Slide presentations  | [[http://www.cs.colostate.edu/~anderson/wp/pubs/pretrainijcnn15.pdf|Faster Reinforcement Learning After Pretraining Deep Networks to Predict State Dynamics]][[https://ieeexplore.ieee.org/document/9533751|Increased Reinforcement Learning Performance through Transfer of Representation Learned by State Prediction Model]]  +| Week 11:\\  Oct 31 Nov  Ray. Pytorch.  Convolutional Neural Networks.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/18 Ray for Parallel Processing.ipynb|18 Ray for Parallel Processing]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/19 Introduction to Pytorch.ipynb|19 Introduction to Pytorch]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/20 Steps Towards Convolutional Nets in Pytorch.ipynb|20 Steps Towards Convolutional Nets in Pytorch]]  [[https://www.whitehouse.gov/briefing-room/statements-releases/2023/10/30/fact-sheet-president-biden-issues-executive-order-on-safe-secure-and-trustworthy-artificial-intelligence/|President Biden's Executive Order on Safe, Secure, and Trustworthy Artificial Intelligence]]  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A5 Reinforcement Learning.ipynb|A5 Reinforcement Learning]] due Friday, Nov 3rd, 10:00 PM. <color red>This notebook and a5.zip were updated slightly Oct. 26th, 11:00 AM. </color> 
-| Week 12:\\  Nov 8, 10  BCIRecurrent Neural Networks. | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/20 Recurrent Networks in Numpy.ipynb|20 Recurrent Networks in Numpy]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/21 Recurrent Networks in Pytorch.ipynb|21 Recurrent Networks in Pytorch]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/22 Classifying EEG Using Recurrent Neural Networks.ipynb|22 Classifying EEG Using Recurrent Neural Networks]]  | |  +| Week 12:\\  Nov 7, 9  | Convolutional Neural Networks. Ensembles. [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/21 Convolutional Neural Network Class in Pytorch.ipynb|21 Convolutional Neural Network Class in Pytorch]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/22 Ensembles.ipynb|22 Ensembles]]  | | 
-| Week 13:\\  Nov 1517  K-means clustering. K-nearest-neighbor classificationSupport Vector Machines  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/23 K-Means Clustering, K-Nearest-Neighbor Classification.ipynb|23 K-Means Clustering, K-Nearest-Neighbor Classification]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/24 Support Vector Machines.ipynb|24 Support Vector Machines]]    |   +| Week 13:\\  Nov 1416  Clustering. K-Nearest NeighborsJax | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/23 K-Means Clustering, K-Nearest-Neighbor Classification.ipynb|23 K-Means Clustering, K-Nearest-Neighbor Classification]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/24 Introduction to Jax.ipynb|24 Introduction to Jax]]   [[https://www.science.org/doi/10.1126/science.adi2336|Learning skillful medium-range global weather forecasting]] by DeepMind, using graph-convolutional_networks (GNNs) implemented in with jax.  
-| Week 14:\\  Nov 29Dec 1  Introduction to Transformers  | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/25 Introduction to Transformers.ipynb|25 Introduction to Transformers]] | +| Fall Break:\\ Nov 20-24 | No classes.  | 
 +| Week 14:\\  Nov 2830  Support Vector Machines. Web Apps with Streamlit. Word Embeddings.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/25 Support Vector Machines.ipynb|25 Support Vector Machines]]\\  [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/26 Web Apps with Streamlit.ipynb|26 Web Apps with Streamlit]]\\  [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/27 Word Embeddings.ipynb|27 Word Embeddings]]  | [[https://www.nature.com/articles/d41586-023-03635-w|ChatGPT generates fake data set to support scientific hypothesis]]  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/A6 Convolutional Neural Networks.ipynb|A6 Convolutional Neural Networks]] due Friday, Dec. 1, 10:00 PM.  |
  
 ===== December ===== ===== December =====
  
 |< 100% 18% 20% 22% 20% 20%  >| |< 100% 18% 20% 22% 20% 20%  >|
-^  Week      ^  Topic      ^  Material   Reading          ^  Assignments +^  Week      ^  Topic      ^  Lecture Notes   Reading          ^  Assignments 
-| Week 15:\\  Dec 6 | Transformers: Self-Attention Replaced by Fourier Transform.\\ Cascade Ensemble Network   | [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/26 FNet--Replace Self-Attention with Fourier Transform.ipynb|26 FNet--Replace Self-Attention with Fourier Transform]]\\ [[http://nbviewer.ipython.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/27 Cascade Ensemble Network.ipynb|27 Cascade Ensemble Network]] |  +| Week 15:\\  Dec 5 | Transformers.  | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/28 Introduction to Transformers.ipynb|28 Introduction to Transformers]]\\ [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/29 Transformers Predicting Text.ipynb|29 Transformers Predicting Text]]\\ Chuck's Recent Projects:\\ 1. Pretraining Speeds Up RL\\  2. Brain-Computer Interfaces\\  3. Explaining a Neural Network's Decisions   | [[https://colab.research.google.com/drive/1Qhq2FO4FFX_MKN5IEgia_PrBEttxCQG4?usp=sharing&utm_source=substack&utm_medium=email#scrollTo=r_20uEgdp4W_|Automatic detection of hallucination with SelfCheckGPT]]\\ [[https://arxiv.org/pdf/2309.13638.pdf|Embers of Autoregression: Understanding Large Language 
-| Dec 12-16   Final Exam Week  |  No Exams in this course +Models Through the Problem They are Trained to Solve]]    | 
 +| Dec 11-15   Final Exam Week  |  No Exams in this course  | | [[https://nbviewer.org/url/www.cs.colostate.edu/~anderson/cs545/notebooks/Project Proposal and Report Example.ipynb|Project Report]] due at 10 pm Tuesday evening, December 12th.  |
  
  
  
schedule.1663443256.txt.gz · Last modified: 2022/09/17 13:34 by anderson