MPhil(Computer Science)
The objective of M.Phil Computer Science programme is to train students to initiate research work. The duration of M.Phil programme is two years (4 semesters).. MPhil is of 50 credit hours, 24 credit hours for the course work and 26 credit hours for research work. Each course is of 3 credit hours. There are 2 compulsory courses, and 6 optional courses are taken to complete 24 credits. The courses are designed in such a way that during the course work students will be exposed to research activities.
The course work will set the basic ground work to start research. Students will register for a research topic in the 3rd semester and will complete the research work by the end of the 4th semester. The research work will be submitted in the form of a thesis. Compulsory Courses Optional Courses
CSC-652: Advanced Analysis of Algorithms
Mathematical foundations for analysis of algorithms; Classification of Algorithms; Analysis of Divide-and-Conquer algorithms; Dynamic Programming; Greedy Algorithms and their analysis; Graph Algorithms and their analysis; Encryption Algorithms and their analysis; String matching Algorithms and their analysis; Parallel Algorithms; NP-completeness; Approximation Algorithms;
CSC-702: Advanced Operating Systems
History and structure of Operating Systems; Inter-process communication (client-server, various flavors of RPC); Resource discovery, naming, and directory services; Group communication; Distributed synchronization (including distributed transactions); Scalable server design (including clusters); Distributed file systems; Distributed object systems; Distributed shared memory; Support for wide-area services; Support for mobile and disconnected services; Fault tolerance
CSC-601: Theory of Computation
Models of computations: partial recursive functions, Turing machines, alternative models of computing. Chomsky hierarchy of languages, Basic theory and limitations of computability. reducibility & decidability Un-decidability. primitive & recursive functions and Resource-bounded computational complexity, non-determinism, P, NP, NP-complete classes.
CSC-604: Advanced Software Engineering
Consideration and use of engineering principles to design and implement cost-effective, reliable software; Current software requirements methodologies and design practices, documentation standards, software project management, verification and validation techniques, software security considerations and computer human interfaces; Agent based software engineering; Clean-room process model; Management and evolution; costing and estimation; legacy systems
CSC-611: Human and Information Interaction
Overview of the course and a brief history; Types and structures of information
resources; Types and structures of vocabularies; Information Interaction in
Search engines, Digital libraries; Search techniques and effectiveness; Advanced
searching; Web search and the invisible web; Information seeking behaviour; User
modelling; Mediation between search intermediaries and users; Evaluation of
search sources and results; Result Presentation to users; Keeping up: sources
for life-time learning
CSC-614: Software Quality Assurance and Testing
Basic Concepts and principles of Software Quality; Software Attributes; Quality in general; Quality in Software (Product Vs Process). How to Assure Quality; Software Quality Assurance Plan; Testing: Verification & Validation: Testing concepts; Testing principles; Inspections and Formal Technical Reviews: Reading Techniques; Automated Software Inspection; Testing Techniques: Black Box and White Box Testing Approaches; Manual Vs Automated Testing: Testing Tools; Test Plan creation and Test Case Generation; Test Development and Test Execution and Evaluation; Website and E-Business Quality and Testing Techniques;
CSC-624: Requirements Engineering
The Requirements Elicitation Process: Joint Application Design, Prototyping, Requirements Inspections, Quality Function Deployment, Scenarios. Organizing and Analyzing the problem. Software Behaviour Specification: State-oriented, Function-oriented, Object-oriented. Formal Methods. Documentation for Software Requirements Specification. Specifying Non-behavioural Requirements. Refinement of Requirements into preliminary design
CSC-631: Web Services
Introduction to the course; foundational web technology and languages: mark-up
languages; development frameworks; open source APIs for developing web services;
comparison between service oriented architectures and web services; different
aspects of web services and associated standards and specifications such as web
services description languages; publishing; identification and discovery;
services composition and orchestration; service bus; communication protocols and
execution environments; web services management: performance, reliability and
security
CSC-632: Advanced Web Development
Essentials of web development; JavaScript: basic concepts, synchronous and asynchronous programming,
event loop, callback hells and promises; Server Side Scripting: Introduction, Backend architecture, REPL
(Read-Eval-Print-Loop), server-side modules, synchronous and asynchronous CRUD (Create, Read, Update,
Delete) operations; Data Handling; API Development: RESTful APIs, GraphQL, API testing; Middleware;
Template engines; Databases: connecting backend with databases; Front-end Frameworks; Styling in
frontend frameworks; State management; Frontend API access; Frontend state management
CSC-650: Web Science
Web history; Research methodology; Research practice in the
Web; Conceptual framework for Web Models; Web in society; Information Society:
Sociability; identity; trends; Collaboration; Communication: blogging,
microblogging; Collective intelligence; Social structures & processes, Groups,
identity, globalization, Social capital, power inequality, Virtual communities &
politics; Privacy & trust in the Web; Web & the Law; Web & Linguistics; Web &
Life Sciences, Web and Psychology; Web Governance.
CSC-651: Advanced Computer Architecture
Complex instruction set architectures, CISC and RISC Processor implementation, memory hierarchy, pipe-lining, Programming of high-performance supercomputers. Hardware, algorithms, numerical accuracy, compilers. Vector, multiple-instruction multiple-data-stream, and single-instruction single-data- stream machines. Benchmarking techniques. New developments related to single CPU systems.
CSC-65X: Intelligent Information System
CSC-653: Natural Language Processing
Introduction to natural language processing, applications of NLP, regular expressions, regular expressions in NLP, text normalization, language modeling with n-grams, Naïve bayes classification and sentiment, POS tagging and HMM, Viterbi algorithm, CFGs and PCFGs, semantic analysis, text classification and evaluation, topic modeling, opinion mining, information extraction, named entity recognition, information retrieval, word sense disambiguation, question answering, dialog systems, Coreference resolution, text summarization, text alignment, language translation, latent semantic indexing, dimensionality reduction.
CSC-654: Disciplined Software Processes
Course overview; Introduction to the PSP, PSP0; Planning overview
Student workbook, PSP0.1; Size estimating; The PROBE method PSP1; Resource & schedule planning PSP1.1; 6A workshop; R4 report Software quality; Design & code reviews PSP2; Software design PSP2.1; Design Verification; Scaling up the PSP & TSP Overview; R5 report;
CSC-660: Research Methods
Overview of computer science sub-areas, Introduction to research methods. The objectives and dimensions of research. Tools of research. Key research areas of interest. The research problems: Finding a problem, stating the problem, identifying sub-problems. Review of related literature: Survey paper presentation. Planning the research project. The scientific method, Research planning, Data analysis and Statistical Methods. Conducting research in computer science. Proposal presentation. Research methodology: Quantitative and qualitative approach
CSC-664: Knowledge Management for Software Engineering
Knowledge Management and tools supporting KM; The social construction of knowledge; Organizational memory and organizational learning techniques; Case-based and knowledge-based approaches to knowledge management; Software reuse and the "Domain Lifecycle"; Software process methodologies; Use of usability guidelines in the software development process; Domain-Oriented Design Environments; Metrics and assessment techniques
CSC-665: Cloud Computing
CSC-667: Wireless Sensor Networks
CSC-668: Advanced Computer Networks
CSC-671: Theory of Programming Languages
Classical formal methods: Formal specification and program correctness, Axiomatic proof systems (both Floyd-Hoare and Dijkstra's predicate transformers), Mills' functional correctness approach, abstract data types (both abstract model and algebraic specifications), and Scott-style denotational semantics based on least fixed points; Modern methods: Cleanroom, Model checking, Z, VDM; Case studies of formal methods in practice: PVS, Cleanroom use at IBM and NASA, Ariane 5, others
CSC-672: Data Compression
Document databases, Information Theory fundamentals: entropy, information, channels; Compression models: static and adaptive; Arithmetic coding; Context modeling, PPM; Dictionary techniques (Ziv-Lempel variants); Synchronization, performance; Indexing and compression, signature files, bitmaps; Lexicon structures, perfect hashing; Querying: Access structures, string matching, ranking, cosine measures; Index construction; Bilevel image compression, JBIG, JPEG-LS; Lossy image compression, JPEG; Q-Coder and vector quantization
CSC-673: Multimedia Technology
Multimedia: Image acquisition and manipulation; Still Imaging; 3D & Animation: Moving image creation and manipulation; Video: acquisition and manipulation; Audio: acquisition and manipulation; Multimedia Platforms: Unix/SG, PC, Mac, Linux; Convergence, Internet & Interactive Media; Technical Issues and future trends
CSC-674: Advanced Human-Computer Interaction
Introduction to the Course, Usability Issues of Interactive Systems; Interface Styles for diverse media types; Interaction Design Techniques and Tools; New and Emerging HCI Concepts; Role of HCI in the development of new and emerging technologies; Intelligent User Interfaces; Interfaces for Mobile Devices; HCI and Ubiquitous Computing; HCI and Computer Supported Cooperative Work; HCI and Agents; HCI and Information Exploration; HCI and Digital Libraries; HCI for Elderly and Children; Ethical and Social Issues surrounding HCI
CSC-675: Information Retrieval Systems
Structure of IR Systems; Vector Space Models; Language Models; Evidence from Behavior; Evidence from Metadata; User Interaction; Indexing; Cross-Language Retrieval; Document Image Retrieval; Speech and Music retrieval; Photograph and Video Retrieval
CSC-677: Wolrd Wide Web and Society
Introduction and Overview of the course. The Internet Revolution. Placing Technologies in Perspectives. World Wide Web, Social Web. Mobile Web. Relationships on the Internet. Collaboration and Communication in Online Spaces. Blogging; microblogging. Gaming; photo/file sharing. Digital Authority and Knowledge. Digital Divide. Democracy & Politics. Privacy. Censorship. Groups and Technologies of Mediation. Networked Community. Copyright; Creative commons.
CSC-714: Software Architectures
Overview of software engineering principles; Origins of Software Architectures; Introduction to Software Architectures; Scope of Software Architectures: Canonical Case Studies; Software Architectures: People and Teams; Architecture Description Languages (ADL; ADL Examples; Domain-Specific Software Architectures (DSSA); Architectural Styles; Software Connectors; Dynamism in Software Architectures; Architecture-Based Testing and Analysis; From Architecture to Design, Role of UML; From Architecture to Implementation; Middleware - CORBA; Software Interconnection Technologies; Middleware - JavaBeans and Enterprise JavaBeans; Middleware - COM/DCOM;
CSC-724: Software Patterns
HOverview of software patterns. Introduction to frameworks and relation to software patterns. Patterns during the development process, Design patterns: creational, structural, behavioral, Architectural patterns: pipes and filters, data repository, layered, call and return: HCI patterns, Re-engineering patterns, Refactoring, Antipatterns, organizational patterns, analysis patterns
CSC-741: Computer Vision
Computer vision, geometric primitives and 2D transformations, image processing and filtering, Camera model, Convolution, feature detection, matching, model fitting, object recognition, supervised learning, linear classifiers, neural networks and convolution neural network, their applications in objection detection and localization, stereo, optical flow and tracking.
CSC-751: Distributed Systems
Introduction to Distributed Systems; Communication, Processes; Naming; Synchronization; Consistency and replication; Fault tolerance; CORBA platform; .NET platform; Distributed File Systems; Distributed coordination-based systems; Distribution in WWW
CSC-752: Network Performance Evaluation
CSC-771: Design and Analysis of Programming languages
Course Overview and Motivation; A Simple Language of Arithmetic Expressions; A Simple Imperative Language. Operational Semantics; Proof Techniques for Operational Semantics; Intro to Denotational Semantics and Domain Theory; Intro to Axiomatic Semantics; Verification Conditions; Abstract Interpretation Lambda Calculus and Functional Programming; Simply Typed Lambda Calculus;Monomorphic Type Systems; Recursive Types, Subtyping; Polymorphism; Calculi for Concurrency: Pi Calculus; Calculi for Object-Oriented Languages; A Formalization of the Java Virtual Machine;
CSC-772: Data Mining
The data mining process, Data preprocessing: Cleaning, Transformation, Reduction. Data warehousing: Multidimensional data modeling, OLAP. Classification: Bayesian, Decision tree. Prediction, Mining association rules: Association rules and types, Interestingness measures, multidimensional rules, Apriori algorithm. Cluster analysis: Partitional, Hierarchical, Density based. Mining complex data.
CSC-773: Semantic Web
Introduction to Semantic Web, its vision and architecture; Resource Description Framework RDF; RDF Semantics (RDFS), Web Ontology language (OWL); First order logic; Description Logics, Ontology Reasoning; Semantic Web Query Languages; Semantic Web Services; Semantic Web Challenges (Ontology Merging, Alignment, Versioning, etc.). Research Trends in Semantic Web.
CSC-774: HCI Models and Theories
HCI models and theories: Human performance, Interaction models, Task models, Group interaction models; Observing users: Ethnographic techniques; Empirical evaluation: Experimental design, Data collection, Data interpretation
CSC-775: Digital Libraries
Introduction to digital libraries; A brief history of Digital Library development.; Planning a Digital Library; Presenting documents; Digital Document Formats: Markup and Metadata; Metadata standards; Interoperability; Digital Preservation, new media; Case Studies of Digital Libraries; Research Issues in Digital Libraries
CSC-776: Enterprise Architecture
Enterprise vision and objectives, Enterprise architecture principles and purpose; modeling approaches for enterprise architecture definition and communication; key enterprise architecture approaches, standards, and frameworks; Overview and use of Service Oriented Architecture (SOA). business architectures, data and information architectures, application & security architectures, Technical architectures, Middleware: CORBA, .Net, DCOM, EJB
CSC-778: Ontology Design and Development
Overview of ontologies; Ontology categorizations; Modeling ontologies; Ontology building methodologies;
Ontology tools; Ontology design patterns; Ontology languages; Knowledge discovery for ontology construction;
Role of annotations and Web in ontology development; Ontology evaluation; Ontology reuse: Ontology mediation, merging, alignment, integration;
Ontology evolution.
CSC-77X: Computational Intelligence
Introduction to computational intelligence, Evolutionary Computation (Genetic Algorithm, Genetic Programming, Evolutionary Computation, Evolutionary Strategies, Differential Evolution, Cultural Evolution, Co evolution), Swarm Intelligence (Particle Swarm Optimization, Ant Colony Optimization), Fuzzy Set Theory (Fuzzy Systems, Fuzzy Inference Systems, Fuzzy Controllers, Rough Sets), Artificial Neural Networks and hybridization of computational intelligence algorithms.
CSC-781: Content based Information Retrieval
Introduction to multimedia content (i.e., text, audio, image, and video objects); multiple modalities of
information (i.e., textual, acoustic, and visual); web and multimedia contents; indexing and retrieval of
various types of multimedia-based content; multimedia content descriptors and feature sets; multimedia
content modeling; structured and semi-structured data models; Content based indexing and retrieval models;
CBIR architectures; multimedia information retrieval and ranking; content-based web search; CBIR
evaluation; emerging trend in CBIR.
CSC-815: Neural Information Retrieval
Information retrieval fundamentals, information retrieval evaluation, word representational learning, word
embeddings, language modeling, Word2Vec, FastText, word embeddings in information retrieval, query
expansion with word embeddings, application to patent retrieval, neural networks, neural network methods
in NLP, Sequence Modeling with CNNs (Convolutional Neural Networks) and RNNs (Recurrent Neural
Networks): modeling word n-grams with CNN, hierarchical CNNs, recurrent neural networks, simple RNN,
RNN as Encoder, LSTM, LSTM gating mechanism, encoder-decoder architecture, attention mechanism,
encoder-decoder, and attention, Transformer and BERT: transformer architecture, contextualization via self-
attention, transformer – positional encoding, masked language modeling, BERT, and extractive question
answering, Neural Re-ranking: text-based neural models, properties of neural IR models, neural re-ranking
models, re-ranking evaluation, KNRM (Kernel based Neural Ranking Model), and convolutional KNRM,
Transformer Contextualized Re-ranking: web search with BERT, Re-ranking with BERT, splitting BERT -
PreTTR and ColBERT, transformer-kernel ranking, TK (Transformer-Kernel) ranking, TKL (Transformer-
Kernel for Long documents)and a hybrid approach IDCM (Intra-Document Cascade Model), domain
specific information retrieval applications, Dense Retrieval Models – Knowledge Distillation: neural
methods for IR beyond re-ranking, dense retrieval, dense retrieval and re-ranking, dense retrieval lifecycle,
BERTDOT model, nearest neighbour search, nearest neighbour search – GPU brute-force, approximation of
nearest neighbour search, knowledge distillation, DistilBERT, distillation in IR, deep learning based
recommender systems.
CSC-816: Medical Image Analysis
Introduction to medical image analysis, medical imaging modalities, image acquisition techniques: MRI,
CT, ultrasound, X-ray, challenges and characteristics of medical image data, role of medical image analysis
in healthcare and medical research, medical image preprocessing, image denoising and artifact correction
techniques, image enhancement methods, image segmentation in medical images, feature extraction and
representation, image registration and fusion, classification and diagnosis, machine learning and deep
learning approaches for medical image classification and diagnosis, computer-aided diagnosis (CAD)
systems in medical imaging and performance measures.
CSC-817: Transfer Learning and Applications
Overview of machine learning and deep learning, neural networks and optimization algorithms, Introduction
to Transfer Learning and pretrained models, evaluation and model selection, Feature extraction using
pretrained models, Techniques for fine-tuning pretrained models, Unsupervised domain adaptation and self-
supervised learning, multi-task learning and applications, Big Transforms, Vision Transforms, Transfer
learning in computer vision, Challenges and considerations in transfer learning for computer vision tasks,
Transfer Learning in Natural Language Processing (NLP), Fine-tuning pretrained language models for
various NLP tasks, Applications of transfer learning in sentiment analysis, text generation, and question
answering, Meta-learning and few-shot learning, Lifelong learning.
CSC-818: Advanced Computer Vision
Advanced Image Processing Techniques, Image enhancement: multi-scale processing, contrast
enhancement, Edge detection, Image restoration, Feature Extraction and Description, Matching and
alignment of image features, Image Segmentation, Semantic Segmentation, Object detection with CNNs,
Transfer learning and fine-tuning pre-trained models, 3D object recognition and pose estimation, Video
Analysis and Tracking, Generative Adversarial Networks (GANs) for image generation and style transfer,
Attention mechanisms in computer vision, Visual understanding in specific domains: robotics, medical
imaging, autonomous vehicles
CSC-819: Machine Learning for Software Engineering
Representation of problem and ML/DL models for Software Engineering tasks related to the following:
Requirements Engineering (e.g. requirement tracing, requirement prioritization, requirement assessment),
Design and Modeling (e.g. design pattern detection, software modeling, architecture evaluation),
Implementation (e.g. code smell detection, code summarization, code comment management), Defect
Analysis (e.g defect localization, defect categorization, defect cause analysis), Project management (e.g.
software effort estimation, software crowdsourcing recommendations), evaluation approaches and
measures, embedding techniques and pre-trained models for software, factors in selection of ML/DL,
challenges in application of ML for SE, future research directions
CSC-821: Design for Usability
Principles for designing the
product; Development process for user interaction; Usability specifications;
Design representation techniques; Prototyping; Formative user-based
evaluation; Usability methods; User interaction development process.
CSC-822: Modeling of Web Information Systems
Web
modeling concepts; Modeling the Web applications for requirements
engineering; Content modelling; Navigation modeling (Hypertext, Access
structure); Modeling the presentation for the end user; Model driven
development and model driven architecture; Evolution of the Web, Web 1.0
(visual Web), Web 2.0 (Social Web), and Semantic Web (the Web of metadata);
Hypertext patterns; Persistence of HT patterns; O&M of Web applications.
CSC-823: Data Warehousing
Overview of the course and a brief history; Data Warehouse Architecture;
Extract Transform Load; Data Cleansing Algorithms; Hot and Cold Data; Data
Warehouse support for OLAP and Data Mining; Active Data warehousing;
Semantic Data warehousing; Oracle solution
TeraData solution; Case Studies.
CSC-824: Peer-To-Peer Systems
Overview of P2P Systems and brief history; Taxonomy of P2P Networks/Systems
and Analysis of popular P2P Systems; Analysis of unstructured P2P Systems;
Analysis of structured P2P Systems; Search Efficiency; P2P-based content
delivery; Security and Reliability; Replication in peer-to-peer systems;
Anonymity in peer-to-peer systems; Social, Legal and Privacy aspects of P2P
Systems.
CSC-825: Machine Learning
Introduction: Overview of machine
learning, Machine learning applications and examples, inductive learning,
inductive bias; Decision
tree learning: Representation, algorithm, hypothesis space, rule extraction,
pruning; Neural networks: Representation, perceptrons, multilayer networks,
backpropagation algorithm, Training procedures; Bayesian learning: Bayes
theorem, maximum likelihood hypothesis, Bayes classifiers, Baysian belief
networks; Instance-based learning: K-nearest neighbours, lazy and eager
learning; Evaluating Hypothesis: Hypothesis accuracy, sampling theory,
hypothesis testing; Computational learning theory: Probably learning an
approximately correct hypothesis, sample complexity for finite and infinite
hypothesis, VC dimension; Unsupervised learning: Clustering, types, steps
CSC-826: Pattern Recognition
Introduction: Overview of pattern recognition, review of matrix algebra,
probability distributions and probability; Bayesian Decision Theory:
Classifiers, discriminant functions and decision surfaces, normal density
and discriminant functions for normal density, error bounds for normal
densities; Bayesian Parameter Estimation: Univariate and Multivariate cases
for the Gaussian distribution, bias, class-conditional densities; Maximum
Likelihood Estimation: The general principle, Unknown parameter cases for
Gaussian distribution; Problems of dimensionality: Accuracy and training
sample size, computational complexity, overfitting; Component Analysis:
Principle Component Analysis, Fisher Linear discriminant; Non-Parametric
Techniques: Parzen windows, K-Nearest neighbour rule and estimation.
CSC-827: Social Network Analysis
Introduction to social networks, random network models, identifying connected components, giant component, average shortest path, diameter, preferential attachment, network centrality, betweenness, closeness, clustering, community structure, modularity, overlapping communities, small world network models, contagion, opinion formation, applications of social network analysis, social media networks.
CSC-831: Multimedia Retrieval Techniques
Multimedia content and motivations for multimedia retrieval; Issues of
multimedia Retrieval. Multimedia retrieval models; Content-based image
retrieval; Content-based video retrieval; Content-based audio retrieval:
audio representations, audio feature extraction; Query modalities and
similarity measures; Analysis of existing multimedia retrieval systems,
retrieval evaluation criteria, relevance feedback; current trends in
Multimedia Retrieval.
CSC-832: Metadata for Information Resources
Overview of the course and Metadata; History of schemes and metadata
communities; Functions and Types of metadata; Metadata Structure and
Characteristics: Semantics, syntax, and structure; Metadata creation process
models; Interoperability; Metadata Integration and Architecture: Warwick
Framework; Resource Description Framework; Open Archives Initiative;
Encoding Standards (Markup Languages): Introduction and history of markup;
Metadata use of markup languages; Document Type Definitions (DTD); Structural
metadata
Data
Control Standards: Resource Identifiers; Data Registries; Controlled
vocabularies; Name authority control (ISAAR and FRANAR); A-Core; Encoded
Archival Description (EAD), Text Encoding Initiative (TEI); Metadata
Evaluation: User needs; Quality control issues; Evaluation methods;
Educational Metadata: Instructional Management Systems (IMS); Learning Object
Metadata (LOM); Gateway to Educational Materials (GEM); Government
Information Locator Service (GILS); Visual Resources Metadata: Categories for
the Description of Works of Art (CDWA); Visual Resources Association (VRA)
Core; Computer Interchange of Museum Information (CIMI)
CSC-833: Information Privacy and Access Control
Privacy, Privacy policies;
Privacy enforcement; Adaptive privacy management; Access control mechanisms;
Different access control models such as Mandatory, Discretionary, Role-Based
and Activity-Based; Access control matrix model; Harrison-Russo-Ullman model
and undecidability of security; Confidentiality models such as Bell-LaPadula;
Integrity models such as Biba and Clark-Wilson; Conflict of interest models
such as the Chinese Wall
CSC-834: Multimedia Communications
Introduction and Recent history of multimedia technologies; Digital Image,
Video and Audio Compression in Multimedia Communications; Networking
Technology for Multimedia; Multimedia and the Internet; IETF Standard
Protocols for Multimedia Transport; Multimedia Synchronization; Quality of
Service (QoS) and Resource Management for Multimedia; Research Challenges in
Real-time Multimedia transport; Multimedia conferencing and collaboration
tools; Multimedia Security.
CSC-835: Ubiquitous Information Interaction
information Interaction; Seminal ideas of ubiquitous computing;
Tangibility and Embodiment; Social computing; Privacy; Critical and cultural
perspectives;
Mobility and Spatiality; Mobile Technology in the Messy Now; Infrastructure;
Seams, seamlessness, seamfulness; Evaluating Interaction of Ubicomp systems
CSC-836: Search Spaces Discovery
Information needs; information seeking behavior; search types: lookup, exploratory, and leisure-oriented search; information search process; search patterns; Multimedia information retrieval types; information retrieval interaction; nonlinear and multimodal data models; search results spaces; information exploration services; taxonomy of discovery; information discovery theories and models; search and discovery services; search results discovery scenarios; user studies; search results discovery evaluation.
CSC-837: Multimodal User Interfaces
Classical interaction models and paradigms; human cognitive models and interactions; multimodal interaction myths; multimodal inputs/outputs and processing; information dimensions and multimodalities; multimedia input/output systems; multimodal interaction patterns; multimodal interfaces classification; user-centered multimodal interfaces and interaction; virtual reality and augmented reality interfaces; multimodal search user interfaces; design guidelines, user studies; multimodal interface evaluation.
CSC-838: Recommender Systems
Introduction to recommender systems; Collaborative recommendation; Content-based recommendation; Knowledge-based recommendation; Hybrid recommendation approaches; Evaluating recommender systems; Recommender systems and the next-generation web; Group Recommender Systems; Trust-Aware Recommender Systems; Social Recommender Systems; Time and Location Sensitive Recommender Systems, Cross-Domain Recommender Systems, Multi-Criteria Recommender Systems; Advanced topics in recommender systems
CSC-839: Information Cryptography
Introduction to Nondeterministic and deterministic cryptography, Computationally secure encryption, Asymptotic ciphers, Computational Indistinguishability, Symmetric multi-party computation, Searchable encryption, Secure multiparty computation, Oblivious data transfer, Shannon perfect security, Linear and Nonlinear feedback shift registers, Block ciphers structures, Design and analysis of block ciphers primitives, Design and analysis of stream cipher primitives, Design and analysis of collision resistant hashing algorithms, Differential and Linear Cryptanalysis, Attacks on block ciphers, Attacks on stream ciphers, Partitioning cryptanalysis, Brute-force attacks, Plaintext attacks, Man in middle attack, Chosen plaintext attack, Known key attack, Ciphertext-only attack, Non-deterministic and deterministic random bit generator, Statistical randomness evaluation, Key generation, Key distribution centre, Factorization of polynomials, Gröbner basis algorithms, Shor's basis algorithm, Digital signature standard, Merkle–Hellman knapsack cryptosystem, Public key exchange, Zero-Knowledge Cave, Certification authorities.
CSC-842: Research in Social Computing
Introduction to social computing – goals, challenges, and recent research; social computing platforms – blogging, social networking, professional social computing platforms; collecting social computing data – Application Programming Interfaces (APIs), crawling, online surveys, benchmarks; research methods in social computing – descriptive methods, predictive methods, geospatial methods; qualitative research methods for social computing – focused groups, interviews, semiotics, opinion mining; spatial analysis methods – spatial interpolation, spatial regression, spatial visualization; temporal analysis methods – temporal data representation, analyzing time series data, prediction and grouping in temporal data; network-science based methods – graphs, nodes, edges, centrality measures, community detection.
CSC-843: Advanced Information Retrieval Techniques
Information Retrieval, Boolean Retrieval Model and Query Processing, Phrase Queries and Positional Queries, Ranked Retrieval Models: Motivation, Jaccard Coefficient, Log Frequency Weighting, TFIDF, SMART, Cosine Similarity Measures, Evaluating Search Engines, TF Transformation and BM25, BM25F and BM25+, Evaluation Measures: Precision, Recall, F-Measure, Average Precision, MAP and gMAP, Mean Reciprocal Rank, nDCG, Kappa Measure, Index Compression: RCV-1 Statistics, Dictionary Compression, Postings Compression, Text Classification, Naïve Bayesian, Probabilistic Retrieval Model, Probabilistic Language Modelling, N-gram language modelling, Feedback in text retrieval, Feedback in Vector Space Model, Link analysis and Page Rank, Recommender Systems: Content Based Recommendation and Collaborative Filtering
CSC-845: Deep Learning
Review of Neural Networks, activation functions & back-propagation; multilayer neural nets, deep networks, learning algorithms, Convolutional Neural Networks: History, Convolution, Pooling, CNNs for classification, CNN Architectures; Sequence Modeling: Recurrent and Recursive Nets: Long-Short Term Memory models and variants, Language modeling and image captioning, Unsupervised learning: Restricted Boltzmann Machines and Auto-encoders; Case Studies.
CSC-846: Advance Natural Language Processing
Introduction to NLP; Observations and Target Encoding; Tensors; Sequence Modeling; Constituency Grammars and Parsers; Dependency Parsing; Information Extraction; Machine Translation; Transformers; Natural Language Generation; Coreference Resolution; Integrating Knowledge in Language Models; Pretrained Language Models; Advanced topics in NLP
CSC-885: Deep Learning on Graphs
Introduction to Graphs; Introduction to Deep Learning; Algorithms for Node Embeddings (random walk
baed methods, deep learning based methods); Algorithms for Graph Embeddings; Graph Neural Networks
(message passing framework, aggregation, deep learning); Graph Convolution Networks; Graph Attention
Networks; Graph Autoencoders; Graph Transformers; Scaling GNNs; Applications of GNNs (node
classification, link prediction, graph classification, community detection, etc.).
FAQs